SlideShare a Scribd company logo
1 of 27
Download to read offline
Shengsheng Huang, Shan Yu, Jason Dai
AI
Collaborations with Shanghai Jiao Tong University
AI
Agenda
• Distributed TF on Apache Spark* using Analytics Zoo
• RL Platform for Playing FIFA18
• Playing FIFA18 using Imitation Learning & DRL
• Experimenting with GRF (Google Research Football*)
AI
Agenda
• Distributed TF on Apache Spark using Analytics Zoo
• RL Platform for Playing FIFA18
• Playing FIFA18 using Imitation Learning & DRL
• Experimenting with GRF (Google Research Football)
AI
AcceleratingDATAAnalytics+AISolutionsDEPLOYMENTAtSCALE
High-Performance
Deep Learning Framework
for Apache Spark
software.intel.com/bigdl
Unified Analytics + AI Platform
Distributed TensorFlow, PyTorch*,
Keras* and BigDL on Apache Spark
https://github.com/intel-analytics/analytics-zoo
AI on BigData
*Other names and brands may be claimed as the property of others.
AI
IntegratedBigDataAnalyticsandAI
SeamlessScalingfromLaptoptoProduction
Production
Data
Pipeline
Prototype on laptop
using sample data
Experiment on clusters
with history data
Production deployment w/
distributed data pipeline
• Easily prototype the end-to-end pipeline
• “Zero” code change from laptop to distributed cluster
• Directly access production data without data copy
• Seamlessly deployed on production big data clusters
AI
AnalyticsZoo
UnifiedDataAnalytics+AIPlatform
BERT
Recommendation
tfpark: Distributed TF on Spark
nnframes: Spark Dataframes & ML
Pipelines for Deep Learning
Distributed Keras/PyTorch on Spark
Distributed Model Serving
(batch, streaming & online)
Image Classification Object Detection
image 3D image
Transformer
text
Seq2Seq
Use case
Model
Feature Engineering
Integrated
Analytics/AI
Pipelines
Backend/
Library
Anomaly Detection Text Classification
time series
Text Matching
https://github.com/intel-analytics/analytics-zoo
OpenVINO
BigDLKerasTensorFlow
MKLDNN
Apache Spark Apache Flink
Intel® Optane™ DCPMM DL Boost (VNNI)
NLP ArchitectPyTorch
Ray
AI
DistributedTensorflowonSparkInAnalyticsZoo
#pyspark code
train_rdd = spark.hadoopFile(…).map(…)
dataset = TFDataset.from_rdd(train_rdd,…)
#tensorflow code
import tensorflow as tf
slim = tf.contrib.slim
images, labels = dataset.tensors
with slim.arg_scope(lenet.lenet_arg_scope()):
logits, end_points = lenet.lenet(images, …)
loss = tf.reduce_mean( 
tf.losses.sparse_softmax_cross_entropy( 
logits=logits, labels=labels))
#distributed training on Spark
optimizer = TFOptimizer.from_loss(loss, Adam(…))
optimizer.optimize(end_trigger=MaxEpoch(5))
Write TensorFlow code inline in PySpark program
AI
MoreInformationonAnalyticsZoo
• Project website
• https://github.com/intel-analytics/analytics-zoo
• Tutorials
• CVPR 2018: https://jason-dai.github.io/cvpr2018/
• AAAI 2019: https://jason-dai.github.io/aaai2019/
• “BigDL: A Distributed Deep Learning Framework for Big Data”
• In proceedings of ACM Symposium on Cloud Computing 2019 (SOCC’19)
• Use cases
• Azure, CERN, MasterCard, Office Depot, Tencent, Midea, etc.
• https://analytics-zoo.github.io/master/#powered-by/
AI
Agenda
• Distributed TF on Apache Spark using Analytics Zoo
• RL Platform for Playing FIFA18
• Playing FIFA18 using Imitation Learning & DRL
• Experimenting with GRF (Google Research Football)
AI
WhyFIFA18?
What is FIFA18*?
• A real-time 3D soccer simulation video game by Electronic Arts*
Why FIFA18?
• It’s fun ☺
• It’s challenging
• Complex (esp. full-court game) and non-deterministic
• Large action space (16 basic keys w/ combinations)
• Many modes available
• Full-court, mini-games, skill games, etc.
AI
ShootingBronze:ourexperimentenvironment
Shooting is one of the mini-games in FIFA18,
Bronze is the easiest level
Game mode
• Player & goalkeeper 1v1
• Goal: get higher score in 44s
Evaluation
• Single shoot: score ≤ 200 for miss; 200<score<1200 for goal
• Accumulated scores after the game
Keyboard control
• A/S/W/D: left/right/up/down
• Space: shoot
AI
ReinforcementLearning
Agent
Environment
Action
Reward
State
Expert
Demonstrations
State/Action
Pairs
Supervised
Learning
Imitation Learning
Sequential Decision Making
AI
RLPlatformForPlayingFIFA18
Experiment platform for RL agents and
algorithms for FIFA18
Major components
• Game info collection & Interpretation
• Game Environment Abstraction
• Agent Implementation
• Imitation learning / supervised learning (SL)
• Reinforcement learning (RL)
• Hybrid (SL+RL)
AI
End-to-endWorkflow
tfpark: Distributed TensorFlow on Spark
AI
Agenda
• Distributed TF on Apache Spark using Analytics Zoo
• RL Platform for Playing FIFA18
• Playing FIFA18 using Imitation Learning & DRL
• Experimenting with GRF (Google Research Football)
AI
TrainingTheAgentUsingImitationLearning
Image
Feature
Extractor
Score
Detector
Movement
Network
Score
Network
Classification
Loss
Regression
Loss
AI
GamePlaying(Inference)forImitationLearning
Image
Feature
Extractor
Movement
Network
Score
Network
>threshold?
AI
HybridApproachfortrainingAgent
environment
Q network Target Q netwrok
DQN loss
Prioritized experience replay
buffer
探索:基于counter的策略
利用:
greedy −
Reward shaping
`
Exploration: counter-based policy
Exploitation:argmax ( , ; )a Q s a 
greedy −
Gradient wrt loss ( , ; )Q s a  'max ( ', '; )a Q s a 
( , )s a 's
( , , , ')s a r s
save
r

1 −
Learner
Actor
Movement network: trained with Imitation Learning
Shoot network: Double DQN
AI
Demo
Human (demonstrator) Imitation Learning
(better score than demonstrator)
https://drive.google.com/file/d/13dBsGOiGbCYOS5TgVAI95Qd-YszAHTW6/view
For more complete information about performance and benchmark results, visit www.intel.com/benchmarks.
https://drive.google.com/file/d/1JVZjlDSyX8YtUy6qOuGRD_VN4RSZw
0U8/view
AI
Typicaltrajectoryanalysis(Hybrid)
Typical Trajectories Movement Policy (SL) Shoot Q-Value (RL)
For more complete information about performance and benchmark results, visit www.intel.com/benchmarks.
AI
Results
Score Goal Ratio Convergence speed
Human
beginner 5846.69 50% -
master 10112.78 92% -
demonstrator 7284.98 84.96% -
Agent
Imitation Learning 10345.18 92.54% -
RL (Policy Gradient) 5606.31 40.25% 1069.5 epochs
Hybrid 10514.43 95.59% 749.6 epochs
For more complete information about performance and benchmark results, visit www.intel.com/benchmarks.
AI
Agenda
• Distributed TF on Apache Spark using Analytics Zoo
• RL Platform for Playing FIFA 2018
• Playing FIFA using Imitation Learning & DRL
• Experimenting with GRF (Google Research Football)
AI
GoogleResearchFootball(GRF)
An open source RL environment for playing soccer
from Google Brain
• https://github.com/google-research/football
A great RL environment for playing soccer
• More state and reward info & controls
• Customizable scenarios, players, rewards and
observations, etc.
• More useful features such as accelerated speed, self-play,
multi-agent, etc.
• Easy to dump traces and replay
Transfer between FIFA18 and GRF?
Google Research Football: A Novel Reinforcement
Learning Environment
(https://arxiv.org/abs/1907.11180)
AI
EarlyExperimentsonGRF
Trained using PPO in OpenAI* baseline
https://drive.google.com/file/d/1bNO5rpUhCeCZY9zPGgVCzgUlqH9QF39n/view
For more complete information about performance and benchmark results, visit www.intel.com/benchmarks.
AI
FutureWork
Ray* support in Analytics Zoo
• E.g., RayOnSpark
Support for Google Research Football
• E.g., transfer between GRF and FIFA?
Additional algorithms/models and scenarios
• E.g., full-court game
https://medium.com/riselab/rayonspark-running-emerging-ai-
applications-on-big-data-clusters-with-ray-and-analytics-zoo-
923e0136ed6a
AI
Software and workloads used in performance tests may have been optimized for performance only on Intel microprocessors. Performance tests,
such as SYSmark and MobileMark, are measured using specific computer systems, components, software, operations, and functions. Any change
to any of those factors may cause the results to vary. You should consult other information and performance tests to assist you in fully
evaluating your contemplated purchases, including the performance of that product when combined with other products. For more complete
information visit intel.com/performance.
Intel does not control or audit the design or implementation of third-party benchmark data or websites referenced in this document. Intel
encourages all of its customers to visit the referenced websites or others where similar performance benchmark data are reported and confirm
whether the referenced benchmark data are accurate and reflect performance of systems available for purchase.
Optimization notice: Intel’s compilers may or may not optimize to the same degree for non-Intel microprocessors for optimizations that are not
unique to Intel microprocessors. These optimizations include SSE2, SSE3, and SSSE3 instruction sets and other optimizations. Intel does not
guarantee the availability, functionality, or effectiveness of any optimization on microprocessors not manufactured by Intel. Microprocessor-
dependent optimizations in this product are intended for use with Intel microprocessors. Certain optimizations not specific to Intel
microarchitecture are reserved for Intel microprocessors. Please refer to the applicable product User and Reference Guides for more information
regarding the specific instruction sets covered by this notice.
Intel technologies’ features and benefits depend on system configuration and may require enabled hardware, software, or service activation.
Performance varies depending on system configuration. No computer system can be absolutely secure. Check with your system manufacturer or
retailer or learn more at intel.com/benchmarks.
Intel, the Intel logo, Intel Inside, the Intel Inside logo, Intel Atom, Intel Core, Iris, Movidius, Myriad, Intel Nervana, OpenVINO, Intel Optane, Stratix,
and Xeon are trademarks of Intel Corporation or its subsidiaries in the U.S. and/or other countries.
*Other names and brands may be claimed as the property of others.
© Intel Corporation

More Related Content

What's hot

XDF 2019 Xilinx Accelerated Database and Data Analytics Ecosystem
XDF 2019 Xilinx Accelerated Database and Data Analytics EcosystemXDF 2019 Xilinx Accelerated Database and Data Analytics Ecosystem
XDF 2019 Xilinx Accelerated Database and Data Analytics EcosystemDan Eaton
 
Flux - Open Machine Learning Stack / Pipeline
Flux - Open Machine Learning Stack / PipelineFlux - Open Machine Learning Stack / Pipeline
Flux - Open Machine Learning Stack / PipelineJan Wiegelmann
 
Ai platform at scale
Ai platform at scaleAi platform at scale
Ai platform at scaleHenry Saputra
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016MLconf
 
Risk Management Framework Using Intel FPGA, Apache Spark, and Persistent RDDs...
Risk Management Framework Using Intel FPGA, Apache Spark, and Persistent RDDs...Risk Management Framework Using Intel FPGA, Apache Spark, and Persistent RDDs...
Risk Management Framework Using Intel FPGA, Apache Spark, and Persistent RDDs...Databricks
 
AI on Spark for Malware Analysis and Anomalous Threat Detection
AI on Spark for Malware Analysis and Anomalous Threat DetectionAI on Spark for Malware Analysis and Anomalous Threat Detection
AI on Spark for Malware Analysis and Anomalous Threat DetectionDatabricks
 
Distributed Deep Learning with Hadoop and TensorFlow
Distributed Deep Learning with Hadoop and TensorFlowDistributed Deep Learning with Hadoop and TensorFlow
Distributed Deep Learning with Hadoop and TensorFlowJan Wiegelmann
 
END-TO-END MACHINE LEARNING STACK
END-TO-END MACHINE LEARNING STACKEND-TO-END MACHINE LEARNING STACK
END-TO-END MACHINE LEARNING STACKJan Wiegelmann
 
Scalable Machine Learning in R and Python with H2O
Scalable Machine Learning in R and Python with H2OScalable Machine Learning in R and Python with H2O
Scalable Machine Learning in R and Python with H2OSri Ambati
 
Democratizing AI with Apache Spark
Democratizing AI with Apache SparkDemocratizing AI with Apache Spark
Democratizing AI with Apache SparkSpark Summit
 
Listening at the Cocktail Party with Deep Neural Networks and TensorFlow
Listening at the Cocktail Party with Deep Neural Networks and TensorFlowListening at the Cocktail Party with Deep Neural Networks and TensorFlow
Listening at the Cocktail Party with Deep Neural Networks and TensorFlowDatabricks
 
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...Databricks
 
ML at the Edge: Building Your Production Pipeline with Apache Spark and Tens...
 ML at the Edge: Building Your Production Pipeline with Apache Spark and Tens... ML at the Edge: Building Your Production Pipeline with Apache Spark and Tens...
ML at the Edge: Building Your Production Pipeline with Apache Spark and Tens...Databricks
 
Deep Learning for Autonomous Driving
Deep Learning for Autonomous DrivingDeep Learning for Autonomous Driving
Deep Learning for Autonomous DrivingJan Wiegelmann
 
The Future of Data Science
The Future of Data ScienceThe Future of Data Science
The Future of Data ScienceDataWorks Summit
 
Challenges of Deep Learning in the Automotive Industry and Autonomous Driving
Challenges of Deep Learning in the Automotive Industry and Autonomous DrivingChallenges of Deep Learning in the Automotive Industry and Autonomous Driving
Challenges of Deep Learning in the Automotive Industry and Autonomous DrivingJan Wiegelmann
 
Vertex AI: Pipelines for your MLOps workflows
Vertex AI: Pipelines for your MLOps workflowsVertex AI: Pipelines for your MLOps workflows
Vertex AI: Pipelines for your MLOps workflowsMárton Kodok
 
Cloud Computing Was Built for Web Developers—What Does v2 Look Like for Deep...
 Cloud Computing Was Built for Web Developers—What Does v2 Look Like for Deep... Cloud Computing Was Built for Web Developers—What Does v2 Look Like for Deep...
Cloud Computing Was Built for Web Developers—What Does v2 Look Like for Deep...Databricks
 

What's hot (20)

XDF 2019 Xilinx Accelerated Database and Data Analytics Ecosystem
XDF 2019 Xilinx Accelerated Database and Data Analytics EcosystemXDF 2019 Xilinx Accelerated Database and Data Analytics Ecosystem
XDF 2019 Xilinx Accelerated Database and Data Analytics Ecosystem
 
Flux - Open Machine Learning Stack / Pipeline
Flux - Open Machine Learning Stack / PipelineFlux - Open Machine Learning Stack / Pipeline
Flux - Open Machine Learning Stack / Pipeline
 
Ai platform at scale
Ai platform at scaleAi platform at scale
Ai platform at scale
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016
 
Risk Management Framework Using Intel FPGA, Apache Spark, and Persistent RDDs...
Risk Management Framework Using Intel FPGA, Apache Spark, and Persistent RDDs...Risk Management Framework Using Intel FPGA, Apache Spark, and Persistent RDDs...
Risk Management Framework Using Intel FPGA, Apache Spark, and Persistent RDDs...
 
AI on Spark for Malware Analysis and Anomalous Threat Detection
AI on Spark for Malware Analysis and Anomalous Threat DetectionAI on Spark for Malware Analysis and Anomalous Threat Detection
AI on Spark for Malware Analysis and Anomalous Threat Detection
 
Distributed Deep Learning with Hadoop and TensorFlow
Distributed Deep Learning with Hadoop and TensorFlowDistributed Deep Learning with Hadoop and TensorFlow
Distributed Deep Learning with Hadoop and TensorFlow
 
END-TO-END MACHINE LEARNING STACK
END-TO-END MACHINE LEARNING STACKEND-TO-END MACHINE LEARNING STACK
END-TO-END MACHINE LEARNING STACK
 
Scalable Machine Learning in R and Python with H2O
Scalable Machine Learning in R and Python with H2OScalable Machine Learning in R and Python with H2O
Scalable Machine Learning in R and Python with H2O
 
Democratizing AI with Apache Spark
Democratizing AI with Apache SparkDemocratizing AI with Apache Spark
Democratizing AI with Apache Spark
 
Listening at the Cocktail Party with Deep Neural Networks and TensorFlow
Listening at the Cocktail Party with Deep Neural Networks and TensorFlowListening at the Cocktail Party with Deep Neural Networks and TensorFlow
Listening at the Cocktail Party with Deep Neural Networks and TensorFlow
 
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
 
ML at the Edge: Building Your Production Pipeline with Apache Spark and Tens...
 ML at the Edge: Building Your Production Pipeline with Apache Spark and Tens... ML at the Edge: Building Your Production Pipeline with Apache Spark and Tens...
ML at the Edge: Building Your Production Pipeline with Apache Spark and Tens...
 
Deep Learning for Autonomous Driving
Deep Learning for Autonomous DrivingDeep Learning for Autonomous Driving
Deep Learning for Autonomous Driving
 
The Future of Data Science
The Future of Data ScienceThe Future of Data Science
The Future of Data Science
 
Monitoring AI with AI
Monitoring AI with AIMonitoring AI with AI
Monitoring AI with AI
 
Challenges of Deep Learning in the Automotive Industry and Autonomous Driving
Challenges of Deep Learning in the Automotive Industry and Autonomous DrivingChallenges of Deep Learning in the Automotive Industry and Autonomous Driving
Challenges of Deep Learning in the Automotive Industry and Autonomous Driving
 
Vertex AI: Pipelines for your MLOps workflows
Vertex AI: Pipelines for your MLOps workflowsVertex AI: Pipelines for your MLOps workflows
Vertex AI: Pipelines for your MLOps workflows
 
Cloud Computing Was Built for Web Developers—What Does v2 Look Like for Deep...
 Cloud Computing Was Built for Web Developers—What Does v2 Look Like for Deep... Cloud Computing Was Built for Web Developers—What Does v2 Look Like for Deep...
Cloud Computing Was Built for Web Developers—What Does v2 Look Like for Deep...
 
NextGenML
NextGenML NextGenML
NextGenML
 

Similar to Building AI to play the FIFA video game using distributed TensorFlow on Analytics Zoo

Accelerating AI Adoption with Partners
Accelerating AI Adoption with PartnersAccelerating AI Adoption with Partners
Accelerating AI Adoption with PartnersSri Ambati
 
Forts and Fights Scaling Performance on Unreal Engine*
Forts and Fights Scaling Performance on Unreal Engine*Forts and Fights Scaling Performance on Unreal Engine*
Forts and Fights Scaling Performance on Unreal Engine*Intel® Software
 
Real-Time Game Optimization with Intel® GPA
Real-Time Game Optimization with Intel® GPAReal-Time Game Optimization with Intel® GPA
Real-Time Game Optimization with Intel® GPAIntel® Software
 
GCP Gaming 2016 Seoul, Korea Gaming Analytics
GCP Gaming 2016 Seoul, Korea Gaming AnalyticsGCP Gaming 2016 Seoul, Korea Gaming Analytics
GCP Gaming 2016 Seoul, Korea Gaming AnalyticsChris Jang
 
Python* Scalability in Production Environments
Python* Scalability in Production EnvironmentsPython* Scalability in Production Environments
Python* Scalability in Production EnvironmentsIntel® Software
 
Getting Space Pirate Trainer* to Perform on Intel® Graphics
Getting Space Pirate Trainer* to Perform on Intel® GraphicsGetting Space Pirate Trainer* to Perform on Intel® Graphics
Getting Space Pirate Trainer* to Perform on Intel® GraphicsIntel® Software
 
TDC2019 Intel Software Day - Tecnicas de Programacao Paralela em Machine Lear...
TDC2019 Intel Software Day - Tecnicas de Programacao Paralela em Machine Lear...TDC2019 Intel Software Day - Tecnicas de Programacao Paralela em Machine Lear...
TDC2019 Intel Software Day - Tecnicas de Programacao Paralela em Machine Lear...tdc-globalcode
 
Debug, Analyze and Optimize Games with Intel Tools
Debug, Analyze and Optimize Games with Intel Tools Debug, Analyze and Optimize Games with Intel Tools
Debug, Analyze and Optimize Games with Intel Tools Matteo Valoriani
 
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...Codemotion
 
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...Codemotion
 
Real-Time Game Optimization with Intel® GPA
Real-Time Game Optimization with Intel® GPAReal-Time Game Optimization with Intel® GPA
Real-Time Game Optimization with Intel® GPAIntel® Software
 
Gaming analytics on gcp
Gaming analytics on gcpGaming analytics on gcp
Gaming analytics on gcpMyunggeun Choi
 
Accelerate Machine Learning Software on Intel Architecture
Accelerate Machine Learning Software on Intel Architecture Accelerate Machine Learning Software on Intel Architecture
Accelerate Machine Learning Software on Intel Architecture Intel® Software
 
TDC2018SP | Trilha IA - Inteligencia Artificial na Arquitetura Intel
TDC2018SP | Trilha IA - Inteligencia Artificial na Arquitetura IntelTDC2018SP | Trilha IA - Inteligencia Artificial na Arquitetura Intel
TDC2018SP | Trilha IA - Inteligencia Artificial na Arquitetura Inteltdc-globalcode
 
[Oracle Innovation Summit Tokyo 2018] オラクルの考えるAI、そのアプローチ
[Oracle Innovation Summit Tokyo 2018] オラクルの考えるAI、そのアプローチ[Oracle Innovation Summit Tokyo 2018] オラクルの考えるAI、そのアプローチ
[Oracle Innovation Summit Tokyo 2018] オラクルの考えるAI、そのアプローチオラクルエンジニア通信
 
【視覺進化論】AI智慧視覺運算技術論壇_2_ChungYeh
【視覺進化論】AI智慧視覺運算技術論壇_2_ChungYeh【視覺進化論】AI智慧視覺運算技術論壇_2_ChungYeh
【視覺進化論】AI智慧視覺運算技術論壇_2_ChungYehMAKERPRO.cc
 
Accelerate Your Game Development on Android*
Accelerate Your Game Development on Android*Accelerate Your Game Development on Android*
Accelerate Your Game Development on Android*Intel® Software
 
Make your unity game faster, faster
Make your unity game faster, fasterMake your unity game faster, faster
Make your unity game faster, fasterIntel® Software
 
More explosions, more chaos, and definitely more blowing stuff up
More explosions, more chaos, and definitely more blowing stuff upMore explosions, more chaos, and definitely more blowing stuff up
More explosions, more chaos, and definitely more blowing stuff upIntel® Software
 

Similar to Building AI to play the FIFA video game using distributed TensorFlow on Analytics Zoo (20)

Accelerating AI Adoption with Partners
Accelerating AI Adoption with PartnersAccelerating AI Adoption with Partners
Accelerating AI Adoption with Partners
 
Forts and Fights Scaling Performance on Unreal Engine*
Forts and Fights Scaling Performance on Unreal Engine*Forts and Fights Scaling Performance on Unreal Engine*
Forts and Fights Scaling Performance on Unreal Engine*
 
Real-Time Game Optimization with Intel® GPA
Real-Time Game Optimization with Intel® GPAReal-Time Game Optimization with Intel® GPA
Real-Time Game Optimization with Intel® GPA
 
GCP Gaming 2016 Seoul, Korea Gaming Analytics
GCP Gaming 2016 Seoul, Korea Gaming AnalyticsGCP Gaming 2016 Seoul, Korea Gaming Analytics
GCP Gaming 2016 Seoul, Korea Gaming Analytics
 
Python* Scalability in Production Environments
Python* Scalability in Production EnvironmentsPython* Scalability in Production Environments
Python* Scalability in Production Environments
 
Intel python 2017
Intel python 2017Intel python 2017
Intel python 2017
 
Getting Space Pirate Trainer* to Perform on Intel® Graphics
Getting Space Pirate Trainer* to Perform on Intel® GraphicsGetting Space Pirate Trainer* to Perform on Intel® Graphics
Getting Space Pirate Trainer* to Perform on Intel® Graphics
 
TDC2019 Intel Software Day - Tecnicas de Programacao Paralela em Machine Lear...
TDC2019 Intel Software Day - Tecnicas de Programacao Paralela em Machine Lear...TDC2019 Intel Software Day - Tecnicas de Programacao Paralela em Machine Lear...
TDC2019 Intel Software Day - Tecnicas de Programacao Paralela em Machine Lear...
 
Debug, Analyze and Optimize Games with Intel Tools
Debug, Analyze and Optimize Games with Intel Tools Debug, Analyze and Optimize Games with Intel Tools
Debug, Analyze and Optimize Games with Intel Tools
 
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
 
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
Debug, Analyze and Optimize Games with Intel Tools - Matteo Valoriani - Codem...
 
Real-Time Game Optimization with Intel® GPA
Real-Time Game Optimization with Intel® GPAReal-Time Game Optimization with Intel® GPA
Real-Time Game Optimization with Intel® GPA
 
Gaming analytics on gcp
Gaming analytics on gcpGaming analytics on gcp
Gaming analytics on gcp
 
Accelerate Machine Learning Software on Intel Architecture
Accelerate Machine Learning Software on Intel Architecture Accelerate Machine Learning Software on Intel Architecture
Accelerate Machine Learning Software on Intel Architecture
 
TDC2018SP | Trilha IA - Inteligencia Artificial na Arquitetura Intel
TDC2018SP | Trilha IA - Inteligencia Artificial na Arquitetura IntelTDC2018SP | Trilha IA - Inteligencia Artificial na Arquitetura Intel
TDC2018SP | Trilha IA - Inteligencia Artificial na Arquitetura Intel
 
[Oracle Innovation Summit Tokyo 2018] オラクルの考えるAI、そのアプローチ
[Oracle Innovation Summit Tokyo 2018] オラクルの考えるAI、そのアプローチ[Oracle Innovation Summit Tokyo 2018] オラクルの考えるAI、そのアプローチ
[Oracle Innovation Summit Tokyo 2018] オラクルの考えるAI、そのアプローチ
 
【視覺進化論】AI智慧視覺運算技術論壇_2_ChungYeh
【視覺進化論】AI智慧視覺運算技術論壇_2_ChungYeh【視覺進化論】AI智慧視覺運算技術論壇_2_ChungYeh
【視覺進化論】AI智慧視覺運算技術論壇_2_ChungYeh
 
Accelerate Your Game Development on Android*
Accelerate Your Game Development on Android*Accelerate Your Game Development on Android*
Accelerate Your Game Development on Android*
 
Make your unity game faster, faster
Make your unity game faster, fasterMake your unity game faster, faster
Make your unity game faster, faster
 
More explosions, more chaos, and definitely more blowing stuff up
More explosions, more chaos, and definitely more blowing stuff upMore explosions, more chaos, and definitely more blowing stuff up
More explosions, more chaos, and definitely more blowing stuff up
 

Recently uploaded

How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerThousandEyes
 
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️anilsa9823
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsAndolasoft Inc
 
HR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comHR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comFatema Valibhai
 
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...panagenda
 
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...Health
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsArshad QA
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsJhone kinadey
 
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...MyIntelliSource, Inc.
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxComplianceQuest1
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️Delhi Call girls
 
Diamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionDiamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionSolGuruz
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVshikhaohhpro
 
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...ICS
 
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female serviceCALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female serviceanilsa9823
 
Hand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxHand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxbodapatigopi8531
 
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...kellynguyen01
 
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsUnveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsAlberto González Trastoy
 

Recently uploaded (20)

How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
 
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS LiveVip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
 
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.js
 
HR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comHR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.com
 
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
 
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview Questions
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial Goals
 
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
 
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docx
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
 
Diamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionDiamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with Precision
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTV
 
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
 
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female serviceCALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
 
Hand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxHand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptx
 
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
 
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsUnveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
 

Building AI to play the FIFA video game using distributed TensorFlow on Analytics Zoo

  • 1. Shengsheng Huang, Shan Yu, Jason Dai AI Collaborations with Shanghai Jiao Tong University
  • 2. AI Agenda • Distributed TF on Apache Spark* using Analytics Zoo • RL Platform for Playing FIFA18 • Playing FIFA18 using Imitation Learning & DRL • Experimenting with GRF (Google Research Football*)
  • 3. AI Agenda • Distributed TF on Apache Spark using Analytics Zoo • RL Platform for Playing FIFA18 • Playing FIFA18 using Imitation Learning & DRL • Experimenting with GRF (Google Research Football)
  • 4. AI AcceleratingDATAAnalytics+AISolutionsDEPLOYMENTAtSCALE High-Performance Deep Learning Framework for Apache Spark software.intel.com/bigdl Unified Analytics + AI Platform Distributed TensorFlow, PyTorch*, Keras* and BigDL on Apache Spark https://github.com/intel-analytics/analytics-zoo AI on BigData *Other names and brands may be claimed as the property of others.
  • 5. AI IntegratedBigDataAnalyticsandAI SeamlessScalingfromLaptoptoProduction Production Data Pipeline Prototype on laptop using sample data Experiment on clusters with history data Production deployment w/ distributed data pipeline • Easily prototype the end-to-end pipeline • “Zero” code change from laptop to distributed cluster • Directly access production data without data copy • Seamlessly deployed on production big data clusters
  • 6. AI AnalyticsZoo UnifiedDataAnalytics+AIPlatform BERT Recommendation tfpark: Distributed TF on Spark nnframes: Spark Dataframes & ML Pipelines for Deep Learning Distributed Keras/PyTorch on Spark Distributed Model Serving (batch, streaming & online) Image Classification Object Detection image 3D image Transformer text Seq2Seq Use case Model Feature Engineering Integrated Analytics/AI Pipelines Backend/ Library Anomaly Detection Text Classification time series Text Matching https://github.com/intel-analytics/analytics-zoo OpenVINO BigDLKerasTensorFlow MKLDNN Apache Spark Apache Flink Intel® Optane™ DCPMM DL Boost (VNNI) NLP ArchitectPyTorch Ray
  • 7. AI DistributedTensorflowonSparkInAnalyticsZoo #pyspark code train_rdd = spark.hadoopFile(…).map(…) dataset = TFDataset.from_rdd(train_rdd,…) #tensorflow code import tensorflow as tf slim = tf.contrib.slim images, labels = dataset.tensors with slim.arg_scope(lenet.lenet_arg_scope()): logits, end_points = lenet.lenet(images, …) loss = tf.reduce_mean( tf.losses.sparse_softmax_cross_entropy( logits=logits, labels=labels)) #distributed training on Spark optimizer = TFOptimizer.from_loss(loss, Adam(…)) optimizer.optimize(end_trigger=MaxEpoch(5)) Write TensorFlow code inline in PySpark program
  • 8. AI MoreInformationonAnalyticsZoo • Project website • https://github.com/intel-analytics/analytics-zoo • Tutorials • CVPR 2018: https://jason-dai.github.io/cvpr2018/ • AAAI 2019: https://jason-dai.github.io/aaai2019/ • “BigDL: A Distributed Deep Learning Framework for Big Data” • In proceedings of ACM Symposium on Cloud Computing 2019 (SOCC’19) • Use cases • Azure, CERN, MasterCard, Office Depot, Tencent, Midea, etc. • https://analytics-zoo.github.io/master/#powered-by/
  • 9. AI Agenda • Distributed TF on Apache Spark using Analytics Zoo • RL Platform for Playing FIFA18 • Playing FIFA18 using Imitation Learning & DRL • Experimenting with GRF (Google Research Football)
  • 10. AI WhyFIFA18? What is FIFA18*? • A real-time 3D soccer simulation video game by Electronic Arts* Why FIFA18? • It’s fun ☺ • It’s challenging • Complex (esp. full-court game) and non-deterministic • Large action space (16 basic keys w/ combinations) • Many modes available • Full-court, mini-games, skill games, etc.
  • 11. AI ShootingBronze:ourexperimentenvironment Shooting is one of the mini-games in FIFA18, Bronze is the easiest level Game mode • Player & goalkeeper 1v1 • Goal: get higher score in 44s Evaluation • Single shoot: score ≤ 200 for miss; 200<score<1200 for goal • Accumulated scores after the game Keyboard control • A/S/W/D: left/right/up/down • Space: shoot
  • 13. AI RLPlatformForPlayingFIFA18 Experiment platform for RL agents and algorithms for FIFA18 Major components • Game info collection & Interpretation • Game Environment Abstraction • Agent Implementation • Imitation learning / supervised learning (SL) • Reinforcement learning (RL) • Hybrid (SL+RL)
  • 15. AI Agenda • Distributed TF on Apache Spark using Analytics Zoo • RL Platform for Playing FIFA18 • Playing FIFA18 using Imitation Learning & DRL • Experimenting with GRF (Google Research Football)
  • 18. AI HybridApproachfortrainingAgent environment Q network Target Q netwrok DQN loss Prioritized experience replay buffer 探索:基于counter的策略 利用: greedy − Reward shaping ` Exploration: counter-based policy Exploitation:argmax ( , ; )a Q s a  greedy − Gradient wrt loss ( , ; )Q s a  'max ( ', '; )a Q s a  ( , )s a 's ( , , , ')s a r s save r  1 − Learner Actor Movement network: trained with Imitation Learning Shoot network: Double DQN
  • 19. AI Demo Human (demonstrator) Imitation Learning (better score than demonstrator) https://drive.google.com/file/d/13dBsGOiGbCYOS5TgVAI95Qd-YszAHTW6/view For more complete information about performance and benchmark results, visit www.intel.com/benchmarks. https://drive.google.com/file/d/1JVZjlDSyX8YtUy6qOuGRD_VN4RSZw 0U8/view
  • 20. AI Typicaltrajectoryanalysis(Hybrid) Typical Trajectories Movement Policy (SL) Shoot Q-Value (RL) For more complete information about performance and benchmark results, visit www.intel.com/benchmarks.
  • 21. AI Results Score Goal Ratio Convergence speed Human beginner 5846.69 50% - master 10112.78 92% - demonstrator 7284.98 84.96% - Agent Imitation Learning 10345.18 92.54% - RL (Policy Gradient) 5606.31 40.25% 1069.5 epochs Hybrid 10514.43 95.59% 749.6 epochs For more complete information about performance and benchmark results, visit www.intel.com/benchmarks.
  • 22. AI Agenda • Distributed TF on Apache Spark using Analytics Zoo • RL Platform for Playing FIFA 2018 • Playing FIFA using Imitation Learning & DRL • Experimenting with GRF (Google Research Football)
  • 23. AI GoogleResearchFootball(GRF) An open source RL environment for playing soccer from Google Brain • https://github.com/google-research/football A great RL environment for playing soccer • More state and reward info & controls • Customizable scenarios, players, rewards and observations, etc. • More useful features such as accelerated speed, self-play, multi-agent, etc. • Easy to dump traces and replay Transfer between FIFA18 and GRF? Google Research Football: A Novel Reinforcement Learning Environment (https://arxiv.org/abs/1907.11180)
  • 24. AI EarlyExperimentsonGRF Trained using PPO in OpenAI* baseline https://drive.google.com/file/d/1bNO5rpUhCeCZY9zPGgVCzgUlqH9QF39n/view For more complete information about performance and benchmark results, visit www.intel.com/benchmarks.
  • 25. AI FutureWork Ray* support in Analytics Zoo • E.g., RayOnSpark Support for Google Research Football • E.g., transfer between GRF and FIFA? Additional algorithms/models and scenarios • E.g., full-court game https://medium.com/riselab/rayonspark-running-emerging-ai- applications-on-big-data-clusters-with-ray-and-analytics-zoo- 923e0136ed6a
  • 26.
  • 27. AI Software and workloads used in performance tests may have been optimized for performance only on Intel microprocessors. Performance tests, such as SYSmark and MobileMark, are measured using specific computer systems, components, software, operations, and functions. Any change to any of those factors may cause the results to vary. You should consult other information and performance tests to assist you in fully evaluating your contemplated purchases, including the performance of that product when combined with other products. For more complete information visit intel.com/performance. Intel does not control or audit the design or implementation of third-party benchmark data or websites referenced in this document. Intel encourages all of its customers to visit the referenced websites or others where similar performance benchmark data are reported and confirm whether the referenced benchmark data are accurate and reflect performance of systems available for purchase. Optimization notice: Intel’s compilers may or may not optimize to the same degree for non-Intel microprocessors for optimizations that are not unique to Intel microprocessors. These optimizations include SSE2, SSE3, and SSSE3 instruction sets and other optimizations. Intel does not guarantee the availability, functionality, or effectiveness of any optimization on microprocessors not manufactured by Intel. Microprocessor- dependent optimizations in this product are intended for use with Intel microprocessors. Certain optimizations not specific to Intel microarchitecture are reserved for Intel microprocessors. Please refer to the applicable product User and Reference Guides for more information regarding the specific instruction sets covered by this notice. Intel technologies’ features and benefits depend on system configuration and may require enabled hardware, software, or service activation. Performance varies depending on system configuration. No computer system can be absolutely secure. Check with your system manufacturer or retailer or learn more at intel.com/benchmarks. Intel, the Intel logo, Intel Inside, the Intel Inside logo, Intel Atom, Intel Core, Iris, Movidius, Myriad, Intel Nervana, OpenVINO, Intel Optane, Stratix, and Xeon are trademarks of Intel Corporation or its subsidiaries in the U.S. and/or other countries. *Other names and brands may be claimed as the property of others. © Intel Corporation