SlideShare a Scribd company logo
1 of 55
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
AWS Webinar
https://amzn.to/JPWebinar https://amzn.to/JPArchive
Machine Learning Solutions Architect
2019/02/13
Amazon SageMaker advanced
[AWS Black Belt Online Seminar]
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
•
•
•
• OEM
•
• Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
AWS Black Belt Online Seminar
•
• Q&A blog
•
① 吹き出しをクリック
② 質問を入力
③ Sendをクリック
Twitter
#awsblackbelt
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
• 2019 2 13
AWS (http://aws.amazon.com)
• AWS
AWS
•
• AWS does not offer binding price quotes. AWS pricing is publicly available and is subject to
change in accordance with the AWS Customer Agreement available at
http://aws.amazon.com/agreement/. Any pricing information included in this document is provided
only as an estimate of usage charges for AWS services based on certain information that you
have provided. Monthly charges will be based on your actual use of AWS services, and may vary
from the estimates provided.
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
• : Amazon SageMaker blackbelt
•
• Amazon SageMaker
• Amazon SageMaker Ground Truth
• ML AWS Marketplace
• Amazon SageMaker Neo
• Elastic Inference
•
•
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker
•
•
• 13
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
ラベリング
SageMakerで行う 機械学習の流れ
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Notebook instance
 Jupyter  JupyterLab
•
• Git
• SageMaker
SageMaker Python SDK
https://github.com/aws/sagemaker-python-sdk
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
データへのラベル付け(アノテーション)にはコスト・時間がかかる
• 効率の良いアノテーションツールの作成
• 作業を割り当てるワーカーの募集
• 進捗管理・作業割り振り
• 大量データのラベル付け
ラベリング
アノテーション
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Ground Truth
データにラベル (Ground Truth) を付与するアノテーション作業の支援サービス
• アノテーションにおける一般的なワークフローの管理ツール
• ラベルを付与するワーカーは,Amazon Mechanical Turk,外部ベンダ(AWS
Marketplace),自社のプライベートチーム の3つから選択
• 以下の4種類のタスク向けアノテーションツールも提供(カスタムも可能)
画像分類 物体検出 文章分類
セマンティック
セグメンテーション
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
アノテーションの基本プロセス
SageMaker
ユーザ
1. アノテーション対象の
データをアップロード
2. ラベリング
ジョブの作成
複数人の結果を
マージできる
3. タスクはワーカーに
自動で割り振られる
5. アノテーション
結果がS3集計される
4. アノテーションツールで
ワーカーがアノテーションを行う
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
自動ラベリング (オプション機能)
大規模データセット(5000データ以上)にラベリングする際、数割を
ワーカーでラベル付けし、残りを自動化することで、時間とコストを削減
ワーカーによる
アノテーション
確信度が低い画像
: 0.1
: 0.9
確信度が高い画像
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
ラベリング
モデル開発
• モデル生成の方法
• ビルトインアルゴリズムを使う
• SageMaker コンテナ対応のフレームワークを使ったモデル開発
• AWS Marketplace Machine Learning でモデル購入
機械学習のモデルを開発する
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
• Amazon SageMaker
•
• AWS Marketplace
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
• SageMaker上での実装を最適化した,機械学習アルゴリズム
• アルゴリズムごとにコンテナが準備されており,分散学習などが簡単に使え
る
Semantic segmentation:
• Fully-Convolutional Network (FCN) algorithm , Pyramid Scene Parsing
(PSP) algorithm, DeepLabV3
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Linear Learner
XGBoost XGBoost,
(eXtreme Gradient Boosting)
PCA (Principal
Component Analysis)
k-means K
k-NN K
Factorization Machines
Random Cut Forest robust random cut tree
LDA (Latent Dirichlet Allocation)
~ 機械学習モデル ~SageMaker
※ LDAのオリジナルは教師なし
https://docs.aws.amazon.com/sagemaker/latest/dg/algos.html
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Image classification ResNet
Object Detection SSD (Single Shot multibox
Detector)
Semantic
Segmentation
FCN, PSP, DeepLabV3
(ResNet50, ResNet101)
seq2seq Deep LSTM
Neural Topic Model NTM, LDA
Blazing text Word2Vec
Text Classification
Object2Vec Word2Vec
DeepAR Forecasting Autoregressive RNN
IP Insights NN (IP entity ) IP
~ ディープラーニング モデル ~SageMaker
https://docs.aws.amazon.com/sagemaker/latest/dg/algos.html
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
SageMaker container
Deep learning TensorFlow Legacy mode: 1.4.1, 1.5.0, 1.6.0, 1.7.0, 1.8.0, 1.9.0,
1.10.0
Script mode: 1.11.0, 1.12.0
Chainer 4.0.0, 4.1.0, 5.0.0
PyTorch 0.4.0, 1.0.0
MXNet 1.3.0, 1.2.1, 1.1.0, 0.12.1
ML scikit-learn 0.20.0
https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker
TensorFlow: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/tensorflow
Chainer: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/chainer
PyTorch: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/pytorch
MXNet: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/mxnet
Sklearn: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/sklearn
※ 2019 2 13• SageMaker
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
TensorFlow MXNet Script Mode
• TensorFlow
• Ver.1.11 script mode Legacy mode 1.12
• python2 ver.1.11 python3
• Elastic Inference 1.11.0, 1.12.0
• MXNet
• Ver. 1.3.0, 1.2.1, 1.1.0, 0.12.1
• PyTorch, Chainer Script mode
TensorFlow,
MXNet code
Script mode
Container
https://github.com/aws/sagemaker-python-
sdk/blob/master/src/sagemaker/tensorflow/README.rst
https://github.com/aws/sagemaker-python-
sdk/blob/master/src/sagemaker/mxnet/README.rst
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
TensorFlow Script Mode
https://github.com/aws/sagemaker-python-sdk/blob/master/src/sagemaker/tensorflow/README.rst
Script Mode
main
SageMaker
hyperparameter
argparse
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
• AWS
SageMaker
200
Amazon SageMaker
ok
AWS Marketplace
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
MLマーケットプレイスアルゴリズムの利用(学習)
Marketplace上で
アルゴリズムの選択
SageMaker上で
アルゴリズム登録
トレーニングジョブ
の作成・実行
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
MLマーケットプレイスモデルの利用(推論)
Marketplace 上で
モデルの選択
SageMaker 上での
モデルパッケージ登録
エンドポイントの作成
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
SageMaker SDK
AWS CLI
AWS
ML
•
•
•
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
ラベリング
• TensorFlow (Horovodにも対応), MXNet, PyTorch, Chainer それぞれのフ
レームワークに適した分散学習を提供.training instance 数の指定ですぐに
分散学習が利用できる
• ハイパーパラメータ最適化
機械学習のモデルを開発する
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
TensorFlow
• Parameter server
• Horovod TF v1.12
https://github.com/aws/sagemaker-python-
sdk/blob/master/src/sagemaker/tensorflow/README.rst
`mpi`: true mpirun
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
ChainerMN
•
•
•
•
https://github.com/aws/sagemaker-python-
sdk/blob/master/src/sagemaker/tensorflow/README.rst
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
(HPO)
1. Chainer estimator
hyperparameter
2. HyperparameterTuner
hyperparameter_ranges
HPO
3. HyperparameterTuner
( )
CloudWatch Logs
• HPO
https://github.com/aws/sagemaker-python-sdk#sagemaker-automatic-model-tuning
https://aws.amazon.com/jp/blogs/news/amazon-sagemaker-automatic-model-tuning-becomes-
more-efficient-with-warm-start-of-hyperparameter-tuning-jobs/
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
モデル変換・推論
• SageMaker Neo: モデル変換による推論の高速化
• Elastic Inference: GPUアクセラレータ追加による推論のコスト削減と高
速化
ラベリング
学習済みモデルの変換・推論
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
• SageMaker
• デプロイメントプラットフォーム上のリソース使用料を1/10程度に削減,推論の高速化
• MLフレームワーク固有の機能を,どこでも実行できる単一のコンパイル済み環境に
変換
• EC2 インスタンスや Greengrass デバイス上で高速に動作するように変換する
Amazon SageMaker Neo
https://aws.amazon.com/sagemaker/neo/
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
SageMaker Neo
• ML
•
• Neo
https://aws.amazon.com/jp/blogs/news/amazon-sagemaker-neo-train-your-machine-learning-models-once-run-
them-anywhere/
https://docs.aws.amazon.com/sagemaker/latest/dg/neo.html
• TensorFlow
• MXNet
• PyTorch
• ONNX
• XGBoost
• EC2 ml.c4, ml.c5, ml.m4,
ml.m5, ml.p2, ml.p3
• Jetson TX1/2
• DeepLens
• Raspberry Pi 3 Model
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
SageMaker Neo の Python SDK による利用の流れ
mnist_estimator = TensorFlow(
entry_point='mnist.py', role=role, framework_version='1.11.0’,
training_steps=1000, evaluation_steps=100,
train_instance_count=2, train_instance_type='ml.c4.xlarge’)
mnist_estimator.fit(inputs)
optimized_estimator = mnist_estimator.compile_model(
target_instance_family='ml_c5', input_shape={'data':[1, 784]},
output_path=output_path,
framework='tensorflow’, framework_version='1.11.0’)
optimized_predictor = optimized_estimator.deploy(
initial_instance_count = 1, instance_type = 'ml.c5.4xlarge')
https://github.com/awslabs/amazon-sagemaker-examples/blob/master/sagemaker-
python-sdk/tensorflow_distributed_mnist/tensorflow_distributed_mnist_neo.ipynb
• TensorFlowEstimator.compile_model メソッドで学習モデルを,ターゲットデバイスに最適なコン
パイル
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
OSS Neo-AI
• Apache Software License Neo-AI
2019 1
• OSS
DMLC (Distributed Machine Learning
Common ) TVM Treelite
• TVM: Deep learning stack compiler
for CPU, GPU.
• Treelite: Decision tree compiler
• LLVM Halide
• AWS, ARM, Intel, NVIDIA
• Cadence, Qualcomm, Xilinx
https://github.com/neo-ai/
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
CPU GPU
• GPU
• リアルタイムの推論では 少量のGPUしか消費せず高コスト
• 適切なGPU CPU
•
EIA
(msec)
($/hour)
c5.large 230 msec $0.085
c5.large eia1.medium 46 msec $0.22
p2.xlarge 42 msec $0.90
2018/11
https://aws.amazon.com/jp/blogs/news/amazon-elastic-inference-gpu-powered-
deep-learning-inference-acceleration/
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon Elastic Inference
• GPU CPU EC2
SageMaker DL 75%
• 最大 32TFLOPSの混合精度演算を提供できる
• 利用方法
• EIA
• SageMaker Notebook EIA
Accelerator type TFLOPS
FP32 throughput
TFLOPS
FP16 throughput
Memory in GB
ml.eia1.medium 1 8 1
ml.eia1.large 2 16 2
ml.eia1.xlarge 4 32 4
https://docs.aws.amazon.com/sagemaker/latest/dg/ei.html
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon Elastic Inference の利用
• SageMaker Python SDK のTensorFlowまたは MXNet と,SageMaker 用コンテナを使用
• 他のフレームワークはONNXを使ってエクスポートし,MXNetにインポートして利用
• Image Classification, Object Detection のいずれかの組み込みアルゴリズムを使用
• TensorFlow または MXNet の EIバージョン対応の独自コンテナを構築
• 例)TensorFlowの場合:
• Estimator または Model オブジェクトの deploy メソッドで EIA を指定
https://docs.aws.amazon.com/ja_jp/sagemaker/latest/dg/ei.html
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Reinforcement Learning
•
•
•
•
Container for
Agent
Container for
Agent
Container for
environment
Container for
environment
RoboMaker, …
OpenAI gym
Coach, RLLib
Redis
,
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
SageMaker ~ RoboMaker DeepRacer~
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Reinforcement Learning
Robotics
Industrial
Control
HVAC
Autonomous
Vehicles
Operators Finance Games NLP
End-to-end examples for classic RL and real-world RL application
RL Environment to model real-world problems
Amazon
Sumerian
Amazon
RoboMaker
AWS Simulation Environment
DQN PPO
RL-Coach
EnergyPlus RoboSchool
Open Source Environment
PyBullet … Bring Your
Own
MATLAB&
Simulink
Commercial
Simulators
Custom
Environments
Open AI Gym
RL-Ray RLLib
HER Rainbow … APEX ES IMPALA A3C …
Open AI Baselines
TRPO GAIL … …
TensorFlow
SageMaker Deep Learning Frameworks
Single Machine / Distributed
Training Options
Local / Remote simulation CPU/GPU Hardware
MXNet PyTorch Chainer
RL Toolkits that provide RL agent algorithm implementations
SageMaker supported Customer BYO
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Reinforcement Learning
Robotics
Industrial
Control
HVAC
Autonomous
Vehicles
Operators Finance Games NLP
End-to-end examples for classic RL and real-world RL application
RL Environment to model real-world problems
Amazon
Sumerian
Amazon
RoboMaker
AWS Simulation Environment
DQN PPO
RL-Coach
EnergyPlus RoboSchool
Open Source Environment
PyBullet … Bring Your
Own
MATLAB&
Simulink
Commercial
Simulators
Custom
Environments
Open AI Gym
RL-Ray RLLib
HER Rainbow … APEX ES IMPALA A3C …
Open AI Baselines
TRPO GAIL … …
TensorFlow
SageMaker Deep Learning Frameworks
Single Machine / Distributed
Training Options
Local / Remote simulation CPU/GPU Hardware
MXNet PyTorch Chainer
RL Toolkits that provide RL agent algorithm implementations
SageMaker supported Customer BYO
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Reinforcement Learning
Robotics
Industrial
Control
HVAC
Autonomous
Vehicles
Operators Finance Games NLP
End-to-end examples for classic RL and real-world RL application
RL Environment to model real-world problems
Amazon
Sumerian
Amazon
RoboMaker
AWS Simulation Environment
DQN PPO
RL-Coach
EnergyPlus RoboSchool
Open Source Environment
PyBullet … Bring Your
Own
MATLAB&
Simulink
Commercial
Simulators
Custom
Environments
Open AI Gym
RL-Ray RLLib
HER Rainbow … APEX ES IMPALA A3C …
Open AI Baselines
TRPO GAIL … …
TensorFlow
SageMaker Deep Learning Frameworks
Single Machine / Distributed
Training Options
Local / Remote simulation CPU/GPU Hardware
MXNet PyTorch Chainer
RL Toolkits that provide RL agent algorithm implementations
SageMaker supported Customer BYO
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Reinforcement Learning
Robotics
Industrial
Control
HVAC
Autonomous
Vehicles
Operators Finance Games NLP
End-to-end examples for classic RL and real-world RL application
RL Environment to model real-world problems
Amazon
Sumerian
Amazon
RoboMaker
AWS Simulation Environment
DQN PPO
RL-Coach
EnergyPlus RoboSchool
Open Source Environment
PyBullet … Bring Your
Own
MATLAB&
Simulink
Commercial
Simulators
Custom
Environments
Open AI Gym
RL-Ray RLLib
HER Rainbow … APEX ES IMPALA A3C …
Open AI Baselines
TRPO GAIL … …
TensorFlow
SageMaker Deep Learning Frameworks
Single Machine / Distributed
Training Options
Local / Remote simulation CPU/GPU Hardware
MXNet PyTorch Chainer
RL Toolkits that provide RL agent algorithm implementations
SageMaker supported Customer BYO
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Reinforcement Learning
Robotics
Industrial
Control
HVAC
Autonomous
Vehicles
Operators Finance Games NLP
End-to-end examples for classic RL and real-world RL application
RL Environment to model real-world problems
Amazon
Sumerian
Amazon
RoboMaker
AWS Simulation Environment
DQN PPO
RL-Coach
EnergyPlus RoboSchool
Open Source Environment
PyBullet … Bring Your
Own
MATLAB&
Simulink
Commercial
Simulators
Custom
Environments
Open AI Gym
RL-Ray RLLib
HER Rainbow … APEX ES IMPALA A3C …
Open AI Baselines
TRPO GAIL … …
TensorFlow
SageMaker Deep Learning Frameworks
Single Machine / Distributed
Training Options
Local / Remote simulation CPU/GPU Hardware
MXNet PyTorch Chainer
RL Toolkits that provide RL agent algorithm implementations
SageMaker supported Customer BYO
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Amazon SageMaker Reinforcement Learning
Robotics
Industrial
Control
HVAC
Autonomous
Vehicles
Operators Finance Games NLP
End-to-end examples for classic RL and real-world RL application
RL Environment to model real-world problems
Amazon
Sumerian
Amazon
RoboMaker
AWS Simulation Environment
DQN PPO
RL-Coach
EnergyPlus RoboSchool
Open Source Environment
PyBullet … Bring Your
Own
MATLAB&
Simulink
Commercial
Simulators
Custom
Environments
Open AI Gym
RL-Ray RLLib
HER Rainbow … APEX ES IMPALA A3C …
Open AI Baselines
TRPO GAIL … …
TensorFlow
SageMaker Deep Learning Frameworks
Single Machine / Distributed
Training Options
Local / Remote simulation CPU/GPU Hardware
MXNet PyTorch Chainer
RL Toolkits that provide RL agent algorithm implementations
SageMaker supported Customer BYO
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/rl
https://github.com/awslabs/amazon-sagemaker-
examples/blob/master/reinforcement_learning/rl_roboschool_ray/rl_roboschool_ray_distributed.ipynb
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Primary cluster with GPU Secondary cluster with CPU
•
•
https://github.com/awslabs/amazon-sagemaker-
examples/blob/master/reinforcement_learning/rl_roboschool_ray/rl_roboschool_ray_distributed.ipynb
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
SageMaker Reinforcement Learning
Dependencies Coach 0.10.1 Coach 0.11.0 Ray 0.5.3
Python 3.6
3.5 (MXNet)
3.6 (TensorFlow)
3.6
CUDA (GPU image only) 9.0 9.0 9.0
DL Framework TensorFlow-1.11.0
MXNet-1.3.0
TensorFlow-1.11.0
TensorFlow-1.11.0
gym 0.10.5 0.10.5 0.10.5
※ 2019 2 13https://github.com/aws/sagemaker-python-
sdk/tree/master/src/sagemaker/rl#distributed-rl-training
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
AWS DeepRacer
Amazon.com にて$399.00,2019/3/6 発売開始予定
仕様
• 1/18 スケールラジコンカー
• Intel Atom プロセッサ
• 4Mピクセル, 1080p カメラ
• WiFi (802.11ac)
• Compute用バッテリー (>2h)と、
モーター用バッテリー(>15m)
• Ubuntu 16.04LTS, ROS (Robot Operating
System), OpenVino
https://aws.amazon.com/deepracer/
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
• CloudWatch Logs
•
CloudWatch Logs
•
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
メトリクスのモニタリング
• 学習時のモデルの精度をグラフ化できる
• 学習が上手く行っているかどうかを確認し、必要に応じて学習を止める判断
に利用できる
• CloudWatch のメトリックスダッシュボードで,グラフの可視化
ログ転送
正規表現で
メトリクス抽出
可視化
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
学習スクリプトのメトリクス定義
• 自前のスクリプトについては,メトリクス正規表現で定義
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
Q&A
AWS Japan Blog
https://aws.amazon.com/jp/blogs/news/
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
@awscloud_jp
http://on.fb.me/1vR8yWm
Twitter/Facebook
AWS

More Related Content

What's hot

20190806 AWS Black Belt Online Seminar AWS Glue
20190806 AWS Black Belt Online Seminar AWS Glue20190806 AWS Black Belt Online Seminar AWS Glue
20190806 AWS Black Belt Online Seminar AWS GlueAmazon Web Services Japan
 
20190723 AWS Black Belt Online Seminar AWS CloudHSM
20190723 AWS Black Belt Online Seminar AWS CloudHSM 20190723 AWS Black Belt Online Seminar AWS CloudHSM
20190723 AWS Black Belt Online Seminar AWS CloudHSM Amazon Web Services Japan
 
20200526 AWS Black Belt Online Seminar AWS X-Ray
20200526 AWS Black Belt Online Seminar AWS X-Ray20200526 AWS Black Belt Online Seminar AWS X-Ray
20200526 AWS Black Belt Online Seminar AWS X-RayAmazon Web Services Japan
 
20190129 AWS Black Belt Online Seminar AWS Identity and Access Management (AW...
20190129 AWS Black Belt Online Seminar AWS Identity and Access Management (AW...20190129 AWS Black Belt Online Seminar AWS Identity and Access Management (AW...
20190129 AWS Black Belt Online Seminar AWS Identity and Access Management (AW...Amazon Web Services Japan
 
20200617 AWS Black Belt Online Seminar Amazon Athena
20200617 AWS Black Belt Online Seminar Amazon Athena20200617 AWS Black Belt Online Seminar Amazon Athena
20200617 AWS Black Belt Online Seminar Amazon AthenaAmazon Web Services Japan
 
20190730 AWS Black Belt Online Seminar Amazon CloudFrontの概要
20190730 AWS Black Belt Online Seminar Amazon CloudFrontの概要20190730 AWS Black Belt Online Seminar Amazon CloudFrontの概要
20190730 AWS Black Belt Online Seminar Amazon CloudFrontの概要Amazon Web Services Japan
 
20210316 AWS Black Belt Online Seminar AWS DataSync
20210316 AWS Black Belt Online Seminar AWS DataSync20210316 AWS Black Belt Online Seminar AWS DataSync
20210316 AWS Black Belt Online Seminar AWS DataSyncAmazon Web Services Japan
 
20180425 AWS Black Belt Online Seminar Amazon Relational Database Service (Am...
20180425 AWS Black Belt Online Seminar Amazon Relational Database Service (Am...20180425 AWS Black Belt Online Seminar Amazon Relational Database Service (Am...
20180425 AWS Black Belt Online Seminar Amazon Relational Database Service (Am...Amazon Web Services Japan
 
20210526 AWS Expert Online マルチアカウント管理の基本
20210526 AWS Expert Online マルチアカウント管理の基本20210526 AWS Expert Online マルチアカウント管理の基本
20210526 AWS Expert Online マルチアカウント管理の基本Amazon Web Services Japan
 
20200212 AWS Black Belt Online Seminar AWS Systems Manager
20200212 AWS Black Belt Online Seminar AWS Systems Manager20200212 AWS Black Belt Online Seminar AWS Systems Manager
20200212 AWS Black Belt Online Seminar AWS Systems ManagerAmazon Web Services Japan
 
20200128 AWS Black Belt Online Seminar Amazon Forecast
20200128 AWS Black Belt Online Seminar Amazon Forecast20200128 AWS Black Belt Online Seminar Amazon Forecast
20200128 AWS Black Belt Online Seminar Amazon ForecastAmazon Web Services Japan
 
20190814 AWS Black Belt Online Seminar AWS Serverless Application Model
20190814 AWS Black Belt Online Seminar AWS Serverless Application Model  20190814 AWS Black Belt Online Seminar AWS Serverless Application Model
20190814 AWS Black Belt Online Seminar AWS Serverless Application Model Amazon Web Services Japan
 
20200722 AWS Black Belt Online Seminar AWSアカウント シングルサインオンの設計と運用
20200722 AWS Black Belt Online Seminar AWSアカウント シングルサインオンの設計と運用20200722 AWS Black Belt Online Seminar AWSアカウント シングルサインオンの設計と運用
20200722 AWS Black Belt Online Seminar AWSアカウント シングルサインオンの設計と運用Amazon Web Services Japan
 
20191029 AWS Black Belt Online Seminar Elastic Load Balancing (ELB)
20191029 AWS Black Belt Online Seminar Elastic Load Balancing (ELB)20191029 AWS Black Belt Online Seminar Elastic Load Balancing (ELB)
20191029 AWS Black Belt Online Seminar Elastic Load Balancing (ELB)Amazon Web Services Japan
 
20191127 AWS Black Belt Online Seminar Amazon CloudWatch Container Insights で...
20191127 AWS Black Belt Online Seminar Amazon CloudWatch Container Insights で...20191127 AWS Black Belt Online Seminar Amazon CloudWatch Container Insights で...
20191127 AWS Black Belt Online Seminar Amazon CloudWatch Container Insights で...Amazon Web Services Japan
 
20190522 AWS Black Belt Online Seminar AWS Step Functions
20190522 AWS Black Belt Online Seminar AWS Step Functions20190522 AWS Black Belt Online Seminar AWS Step Functions
20190522 AWS Black Belt Online Seminar AWS Step FunctionsAmazon Web Services Japan
 
20191105 AWS Black Belt Online Seminar Amazon Route 53 Hosted Zone
20191105 AWS Black Belt Online Seminar Amazon Route 53 Hosted Zone20191105 AWS Black Belt Online Seminar Amazon Route 53 Hosted Zone
20191105 AWS Black Belt Online Seminar Amazon Route 53 Hosted ZoneAmazon Web Services Japan
 
20180509 AWS Black Belt Online Seminar Amazon GuardDuty
20180509 AWS Black Belt Online Seminar Amazon GuardDuty20180509 AWS Black Belt Online Seminar Amazon GuardDuty
20180509 AWS Black Belt Online Seminar Amazon GuardDutyAmazon Web Services Japan
 
20210119 AWS Black Belt Online Seminar AWS CloudTrail
20210119 AWS Black Belt Online Seminar AWS CloudTrail20210119 AWS Black Belt Online Seminar AWS CloudTrail
20210119 AWS Black Belt Online Seminar AWS CloudTrailAmazon Web Services Japan
 
AWS Black Belt Online Seminar 2017 Amazon Kinesis
AWS Black Belt Online Seminar 2017 Amazon KinesisAWS Black Belt Online Seminar 2017 Amazon Kinesis
AWS Black Belt Online Seminar 2017 Amazon KinesisAmazon Web Services Japan
 

What's hot (20)

20190806 AWS Black Belt Online Seminar AWS Glue
20190806 AWS Black Belt Online Seminar AWS Glue20190806 AWS Black Belt Online Seminar AWS Glue
20190806 AWS Black Belt Online Seminar AWS Glue
 
20190723 AWS Black Belt Online Seminar AWS CloudHSM
20190723 AWS Black Belt Online Seminar AWS CloudHSM 20190723 AWS Black Belt Online Seminar AWS CloudHSM
20190723 AWS Black Belt Online Seminar AWS CloudHSM
 
20200526 AWS Black Belt Online Seminar AWS X-Ray
20200526 AWS Black Belt Online Seminar AWS X-Ray20200526 AWS Black Belt Online Seminar AWS X-Ray
20200526 AWS Black Belt Online Seminar AWS X-Ray
 
20190129 AWS Black Belt Online Seminar AWS Identity and Access Management (AW...
20190129 AWS Black Belt Online Seminar AWS Identity and Access Management (AW...20190129 AWS Black Belt Online Seminar AWS Identity and Access Management (AW...
20190129 AWS Black Belt Online Seminar AWS Identity and Access Management (AW...
 
20200617 AWS Black Belt Online Seminar Amazon Athena
20200617 AWS Black Belt Online Seminar Amazon Athena20200617 AWS Black Belt Online Seminar Amazon Athena
20200617 AWS Black Belt Online Seminar Amazon Athena
 
20190730 AWS Black Belt Online Seminar Amazon CloudFrontの概要
20190730 AWS Black Belt Online Seminar Amazon CloudFrontの概要20190730 AWS Black Belt Online Seminar Amazon CloudFrontの概要
20190730 AWS Black Belt Online Seminar Amazon CloudFrontの概要
 
20210316 AWS Black Belt Online Seminar AWS DataSync
20210316 AWS Black Belt Online Seminar AWS DataSync20210316 AWS Black Belt Online Seminar AWS DataSync
20210316 AWS Black Belt Online Seminar AWS DataSync
 
20180425 AWS Black Belt Online Seminar Amazon Relational Database Service (Am...
20180425 AWS Black Belt Online Seminar Amazon Relational Database Service (Am...20180425 AWS Black Belt Online Seminar Amazon Relational Database Service (Am...
20180425 AWS Black Belt Online Seminar Amazon Relational Database Service (Am...
 
20210526 AWS Expert Online マルチアカウント管理の基本
20210526 AWS Expert Online マルチアカウント管理の基本20210526 AWS Expert Online マルチアカウント管理の基本
20210526 AWS Expert Online マルチアカウント管理の基本
 
20200212 AWS Black Belt Online Seminar AWS Systems Manager
20200212 AWS Black Belt Online Seminar AWS Systems Manager20200212 AWS Black Belt Online Seminar AWS Systems Manager
20200212 AWS Black Belt Online Seminar AWS Systems Manager
 
20200128 AWS Black Belt Online Seminar Amazon Forecast
20200128 AWS Black Belt Online Seminar Amazon Forecast20200128 AWS Black Belt Online Seminar Amazon Forecast
20200128 AWS Black Belt Online Seminar Amazon Forecast
 
20190814 AWS Black Belt Online Seminar AWS Serverless Application Model
20190814 AWS Black Belt Online Seminar AWS Serverless Application Model  20190814 AWS Black Belt Online Seminar AWS Serverless Application Model
20190814 AWS Black Belt Online Seminar AWS Serverless Application Model
 
20200722 AWS Black Belt Online Seminar AWSアカウント シングルサインオンの設計と運用
20200722 AWS Black Belt Online Seminar AWSアカウント シングルサインオンの設計と運用20200722 AWS Black Belt Online Seminar AWSアカウント シングルサインオンの設計と運用
20200722 AWS Black Belt Online Seminar AWSアカウント シングルサインオンの設計と運用
 
20191029 AWS Black Belt Online Seminar Elastic Load Balancing (ELB)
20191029 AWS Black Belt Online Seminar Elastic Load Balancing (ELB)20191029 AWS Black Belt Online Seminar Elastic Load Balancing (ELB)
20191029 AWS Black Belt Online Seminar Elastic Load Balancing (ELB)
 
20191127 AWS Black Belt Online Seminar Amazon CloudWatch Container Insights で...
20191127 AWS Black Belt Online Seminar Amazon CloudWatch Container Insights で...20191127 AWS Black Belt Online Seminar Amazon CloudWatch Container Insights で...
20191127 AWS Black Belt Online Seminar Amazon CloudWatch Container Insights で...
 
20190522 AWS Black Belt Online Seminar AWS Step Functions
20190522 AWS Black Belt Online Seminar AWS Step Functions20190522 AWS Black Belt Online Seminar AWS Step Functions
20190522 AWS Black Belt Online Seminar AWS Step Functions
 
20191105 AWS Black Belt Online Seminar Amazon Route 53 Hosted Zone
20191105 AWS Black Belt Online Seminar Amazon Route 53 Hosted Zone20191105 AWS Black Belt Online Seminar Amazon Route 53 Hosted Zone
20191105 AWS Black Belt Online Seminar Amazon Route 53 Hosted Zone
 
20180509 AWS Black Belt Online Seminar Amazon GuardDuty
20180509 AWS Black Belt Online Seminar Amazon GuardDuty20180509 AWS Black Belt Online Seminar Amazon GuardDuty
20180509 AWS Black Belt Online Seminar Amazon GuardDuty
 
20210119 AWS Black Belt Online Seminar AWS CloudTrail
20210119 AWS Black Belt Online Seminar AWS CloudTrail20210119 AWS Black Belt Online Seminar AWS CloudTrail
20210119 AWS Black Belt Online Seminar AWS CloudTrail
 
AWS Black Belt Online Seminar 2017 Amazon Kinesis
AWS Black Belt Online Seminar 2017 Amazon KinesisAWS Black Belt Online Seminar 2017 Amazon Kinesis
AWS Black Belt Online Seminar 2017 Amazon Kinesis
 

Similar to 20190213 AWS Black Belt Online Seminar Amazon SageMaker Advanced Session

Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Amazon Web Services
 
End to End Model Development to Deployment using SageMaker
End to End Model Development to Deployment using SageMakerEnd to End Model Development to Deployment using SageMaker
End to End Model Development to Deployment using SageMakerAmazon Web Services
 
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...Amazon Web Services
 
AWS Machine Learning Week SF: End to End Model Development Using SageMaker
AWS Machine Learning Week SF: End to End Model Development Using SageMakerAWS Machine Learning Week SF: End to End Model Development Using SageMaker
AWS Machine Learning Week SF: End to End Model Development Using SageMakerAmazon Web Services
 
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...Amazon Web Services
 
Introducing Amazon SageMaker - AWS Online Tech Talks
Introducing Amazon SageMaker - AWS Online Tech TalksIntroducing Amazon SageMaker - AWS Online Tech Talks
Introducing Amazon SageMaker - AWS Online Tech TalksAmazon Web Services
 
Securing Machine Learning Deployments for the Enterprise (SEC369-R1) - AWS re...
Securing Machine Learning Deployments for the Enterprise (SEC369-R1) - AWS re...Securing Machine Learning Deployments for the Enterprise (SEC369-R1) - AWS re...
Securing Machine Learning Deployments for the Enterprise (SEC369-R1) - AWS re...Amazon Web Services
 
AWS で構築するコンピュータビジョンアプリケーション
AWS で構築するコンピュータビジョンアプリケーションAWS で構築するコンピュータビジョンアプリケーション
AWS で構築するコンピュータビジョンアプリケーションAmazon Web Services Japan
 
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...Amazon Web Services
 
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...Amazon Web Services
 
Accelerate Analytics at Scale with Amazon EMR - AWS Summit Sydney 2018
Accelerate Analytics at Scale with Amazon EMR - AWS Summit Sydney 2018Accelerate Analytics at Scale with Amazon EMR - AWS Summit Sydney 2018
Accelerate Analytics at Scale with Amazon EMR - AWS Summit Sydney 2018Amazon Web Services
 
Amazon AI/ML Overview
Amazon AI/ML OverviewAmazon AI/ML Overview
Amazon AI/ML OverviewBESPIN GLOBAL
 
2018 10-19-jc conf-embrace-legacy-java-ee-by-aws-serverless
2018 10-19-jc conf-embrace-legacy-java-ee-by-aws-serverless2018 10-19-jc conf-embrace-legacy-java-ee-by-aws-serverless
2018 10-19-jc conf-embrace-legacy-java-ee-by-aws-serverlessKim Kao
 
Build, Train, and Deploy ML Models with Amazon SageMaker (AIM410-R2) - AWS re...
Build, Train, and Deploy ML Models with Amazon SageMaker (AIM410-R2) - AWS re...Build, Train, and Deploy ML Models with Amazon SageMaker (AIM410-R2) - AWS re...
Build, Train, and Deploy ML Models with Amazon SageMaker (AIM410-R2) - AWS re...Amazon Web Services
 
Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)Julien SIMON
 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetApache MXNet
 
Accelerate Data Analytics at Scale with Amazon EMR
Accelerate Data Analytics at Scale with Amazon EMRAccelerate Data Analytics at Scale with Amazon EMR
Accelerate Data Analytics at Scale with Amazon EMRAmazon Web Services
 
Build Your Own Log Analytics Solutions on AWS (ANT323-R) - AWS re:Invent 2018
Build Your Own Log Analytics Solutions on AWS (ANT323-R) - AWS re:Invent 2018Build Your Own Log Analytics Solutions on AWS (ANT323-R) - AWS re:Invent 2018
Build Your Own Log Analytics Solutions on AWS (ANT323-R) - AWS re:Invent 2018Amazon Web Services
 
AWS의 새로운 언어, 음성, 텍스트 처리 인공 지능 서비스, Amazon SageMaker::Sunil Mallya::AWS Summit...
AWS의 새로운 언어, 음성, 텍스트 처리 인공 지능 서비스, Amazon SageMaker::Sunil Mallya::AWS Summit...AWS의 새로운 언어, 음성, 텍스트 처리 인공 지능 서비스, Amazon SageMaker::Sunil Mallya::AWS Summit...
AWS의 새로운 언어, 음성, 텍스트 처리 인공 지능 서비스, Amazon SageMaker::Sunil Mallya::AWS Summit...Amazon Web Services Korea
 

Similar to 20190213 AWS Black Belt Online Seminar Amazon SageMaker Advanced Session (20)

Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
 
End to End Model Development to Deployment using SageMaker
End to End Model Development to Deployment using SageMakerEnd to End Model Development to Deployment using SageMaker
End to End Model Development to Deployment using SageMaker
 
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
 
AWS Machine Learning Week SF: End to End Model Development Using SageMaker
AWS Machine Learning Week SF: End to End Model Development Using SageMakerAWS Machine Learning Week SF: End to End Model Development Using SageMaker
AWS Machine Learning Week SF: End to End Model Development Using SageMaker
 
Amazon SageMaker
Amazon SageMakerAmazon SageMaker
Amazon SageMaker
 
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
 
Introducing Amazon SageMaker - AWS Online Tech Talks
Introducing Amazon SageMaker - AWS Online Tech TalksIntroducing Amazon SageMaker - AWS Online Tech Talks
Introducing Amazon SageMaker - AWS Online Tech Talks
 
Securing Machine Learning Deployments for the Enterprise (SEC369-R1) - AWS re...
Securing Machine Learning Deployments for the Enterprise (SEC369-R1) - AWS re...Securing Machine Learning Deployments for the Enterprise (SEC369-R1) - AWS re...
Securing Machine Learning Deployments for the Enterprise (SEC369-R1) - AWS re...
 
AWS で構築するコンピュータビジョンアプリケーション
AWS で構築するコンピュータビジョンアプリケーションAWS で構築するコンピュータビジョンアプリケーション
AWS で構築するコンピュータビジョンアプリケーション
 
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
 
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
 
Accelerate Analytics at Scale with Amazon EMR - AWS Summit Sydney 2018
Accelerate Analytics at Scale with Amazon EMR - AWS Summit Sydney 2018Accelerate Analytics at Scale with Amazon EMR - AWS Summit Sydney 2018
Accelerate Analytics at Scale with Amazon EMR - AWS Summit Sydney 2018
 
Amazon AI/ML Overview
Amazon AI/ML OverviewAmazon AI/ML Overview
Amazon AI/ML Overview
 
2018 10-19-jc conf-embrace-legacy-java-ee-by-aws-serverless
2018 10-19-jc conf-embrace-legacy-java-ee-by-aws-serverless2018 10-19-jc conf-embrace-legacy-java-ee-by-aws-serverless
2018 10-19-jc conf-embrace-legacy-java-ee-by-aws-serverless
 
Build, Train, and Deploy ML Models with Amazon SageMaker (AIM410-R2) - AWS re...
Build, Train, and Deploy ML Models with Amazon SageMaker (AIM410-R2) - AWS re...Build, Train, and Deploy ML Models with Amazon SageMaker (AIM410-R2) - AWS re...
Build, Train, and Deploy ML Models with Amazon SageMaker (AIM410-R2) - AWS re...
 
Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)
 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNet
 
Accelerate Data Analytics at Scale with Amazon EMR
Accelerate Data Analytics at Scale with Amazon EMRAccelerate Data Analytics at Scale with Amazon EMR
Accelerate Data Analytics at Scale with Amazon EMR
 
Build Your Own Log Analytics Solutions on AWS (ANT323-R) - AWS re:Invent 2018
Build Your Own Log Analytics Solutions on AWS (ANT323-R) - AWS re:Invent 2018Build Your Own Log Analytics Solutions on AWS (ANT323-R) - AWS re:Invent 2018
Build Your Own Log Analytics Solutions on AWS (ANT323-R) - AWS re:Invent 2018
 
AWS의 새로운 언어, 음성, 텍스트 처리 인공 지능 서비스, Amazon SageMaker::Sunil Mallya::AWS Summit...
AWS의 새로운 언어, 음성, 텍스트 처리 인공 지능 서비스, Amazon SageMaker::Sunil Mallya::AWS Summit...AWS의 새로운 언어, 음성, 텍스트 처리 인공 지능 서비스, Amazon SageMaker::Sunil Mallya::AWS Summit...
AWS의 새로운 언어, 음성, 텍스트 처리 인공 지능 서비스, Amazon SageMaker::Sunil Mallya::AWS Summit...
 

More from Amazon Web Services Japan

202205 AWS Black Belt Online Seminar Amazon VPC IP Address Manager (IPAM)
202205 AWS Black Belt Online Seminar Amazon VPC IP Address Manager (IPAM)202205 AWS Black Belt Online Seminar Amazon VPC IP Address Manager (IPAM)
202205 AWS Black Belt Online Seminar Amazon VPC IP Address Manager (IPAM)Amazon Web Services Japan
 
202205 AWS Black Belt Online Seminar Amazon FSx for OpenZFS
202205 AWS Black Belt Online Seminar Amazon FSx for OpenZFS202205 AWS Black Belt Online Seminar Amazon FSx for OpenZFS
202205 AWS Black Belt Online Seminar Amazon FSx for OpenZFSAmazon Web Services Japan
 
202204 AWS Black Belt Online Seminar AWS IoT Device Defender
202204 AWS Black Belt Online Seminar AWS IoT Device Defender202204 AWS Black Belt Online Seminar AWS IoT Device Defender
202204 AWS Black Belt Online Seminar AWS IoT Device DefenderAmazon Web Services Japan
 
202204 AWS Black Belt Online Seminar Amazon Connect を活用したオンコール対応の実現
202204 AWS Black Belt Online Seminar Amazon Connect を活用したオンコール対応の実現202204 AWS Black Belt Online Seminar Amazon Connect を活用したオンコール対応の実現
202204 AWS Black Belt Online Seminar Amazon Connect を活用したオンコール対応の実現Amazon Web Services Japan
 
202204 AWS Black Belt Online Seminar Amazon Connect Salesforce連携(第1回 CTI Adap...
202204 AWS Black Belt Online Seminar Amazon Connect Salesforce連携(第1回 CTI Adap...202204 AWS Black Belt Online Seminar Amazon Connect Salesforce連携(第1回 CTI Adap...
202204 AWS Black Belt Online Seminar Amazon Connect Salesforce連携(第1回 CTI Adap...Amazon Web Services Japan
 
Amazon Game Tech Night #25 ゲーム業界向け機械学習最新状況アップデート
Amazon Game Tech Night #25 ゲーム業界向け機械学習最新状況アップデートAmazon Game Tech Night #25 ゲーム業界向け機械学習最新状況アップデート
Amazon Game Tech Night #25 ゲーム業界向け機械学習最新状況アップデートAmazon Web Services Japan
 
20220409 AWS BLEA 開発にあたって検討したこと
20220409 AWS BLEA 開発にあたって検討したこと20220409 AWS BLEA 開発にあたって検討したこと
20220409 AWS BLEA 開発にあたって検討したことAmazon Web Services Japan
 
202202 AWS Black Belt Online Seminar AWS Managed Rules for AWS WAF の活用
202202 AWS Black Belt Online Seminar AWS Managed Rules for AWS WAF の活用202202 AWS Black Belt Online Seminar AWS Managed Rules for AWS WAF の活用
202202 AWS Black Belt Online Seminar AWS Managed Rules for AWS WAF の活用Amazon Web Services Japan
 
202203 AWS Black Belt Online Seminar Amazon Connect Tasks.pdf
202203 AWS Black Belt Online Seminar Amazon Connect Tasks.pdf202203 AWS Black Belt Online Seminar Amazon Connect Tasks.pdf
202203 AWS Black Belt Online Seminar Amazon Connect Tasks.pdfAmazon Web Services Japan
 
SaaS テナント毎のコストを把握するための「AWS Application Cost Profiler」のご紹介
SaaS テナント毎のコストを把握するための「AWS Application Cost Profiler」のご紹介SaaS テナント毎のコストを把握するための「AWS Application Cost Profiler」のご紹介
SaaS テナント毎のコストを把握するための「AWS Application Cost Profiler」のご紹介Amazon Web Services Japan
 
Amazon QuickSight の組み込み方法をちょっぴりDD
Amazon QuickSight の組み込み方法をちょっぴりDDAmazon QuickSight の組み込み方法をちょっぴりDD
Amazon QuickSight の組み込み方法をちょっぴりDDAmazon Web Services Japan
 
マルチテナント化で知っておきたいデータベースのこと
マルチテナント化で知っておきたいデータベースのことマルチテナント化で知っておきたいデータベースのこと
マルチテナント化で知っておきたいデータベースのことAmazon Web Services Japan
 
機密データとSaaSは共存しうるのか!?セキュリティー重視のユーザー層を取り込む為のネットワーク通信のアプローチ
機密データとSaaSは共存しうるのか!?セキュリティー重視のユーザー層を取り込む為のネットワーク通信のアプローチ機密データとSaaSは共存しうるのか!?セキュリティー重視のユーザー層を取り込む為のネットワーク通信のアプローチ
機密データとSaaSは共存しうるのか!?セキュリティー重視のユーザー層を取り込む為のネットワーク通信のアプローチAmazon Web Services Japan
 
パッケージソフトウェアを簡単にSaaS化!?既存の資産を使ったSaaS化手法のご紹介
パッケージソフトウェアを簡単にSaaS化!?既存の資産を使ったSaaS化手法のご紹介パッケージソフトウェアを簡単にSaaS化!?既存の資産を使ったSaaS化手法のご紹介
パッケージソフトウェアを簡単にSaaS化!?既存の資産を使ったSaaS化手法のご紹介Amazon Web Services Japan
 
202202 AWS Black Belt Online Seminar Amazon Connect Customer Profiles
202202 AWS Black Belt Online Seminar Amazon Connect Customer Profiles202202 AWS Black Belt Online Seminar Amazon Connect Customer Profiles
202202 AWS Black Belt Online Seminar Amazon Connect Customer ProfilesAmazon Web Services Japan
 
Amazon Game Tech Night #24 KPIダッシュボードを最速で用意するために
Amazon Game Tech Night #24 KPIダッシュボードを最速で用意するためにAmazon Game Tech Night #24 KPIダッシュボードを最速で用意するために
Amazon Game Tech Night #24 KPIダッシュボードを最速で用意するためにAmazon Web Services Japan
 
202202 AWS Black Belt Online Seminar AWS SaaS Boost で始めるSaaS開発⼊⾨
202202 AWS Black Belt Online Seminar AWS SaaS Boost で始めるSaaS開発⼊⾨202202 AWS Black Belt Online Seminar AWS SaaS Boost で始めるSaaS開発⼊⾨
202202 AWS Black Belt Online Seminar AWS SaaS Boost で始めるSaaS開発⼊⾨Amazon Web Services Japan
 
[20220126] JAWS-UG 2022初頭までに葬ったAWSアンチパターン大紹介
[20220126] JAWS-UG 2022初頭までに葬ったAWSアンチパターン大紹介[20220126] JAWS-UG 2022初頭までに葬ったAWSアンチパターン大紹介
[20220126] JAWS-UG 2022初頭までに葬ったAWSアンチパターン大紹介Amazon Web Services Japan
 
202111 AWS Black Belt Online Seminar AWSで構築するSmart Mirrorのご紹介
202111 AWS Black Belt Online Seminar AWSで構築するSmart Mirrorのご紹介202111 AWS Black Belt Online Seminar AWSで構築するSmart Mirrorのご紹介
202111 AWS Black Belt Online Seminar AWSで構築するSmart Mirrorのご紹介Amazon Web Services Japan
 

More from Amazon Web Services Japan (20)

202205 AWS Black Belt Online Seminar Amazon VPC IP Address Manager (IPAM)
202205 AWS Black Belt Online Seminar Amazon VPC IP Address Manager (IPAM)202205 AWS Black Belt Online Seminar Amazon VPC IP Address Manager (IPAM)
202205 AWS Black Belt Online Seminar Amazon VPC IP Address Manager (IPAM)
 
202205 AWS Black Belt Online Seminar Amazon FSx for OpenZFS
202205 AWS Black Belt Online Seminar Amazon FSx for OpenZFS202205 AWS Black Belt Online Seminar Amazon FSx for OpenZFS
202205 AWS Black Belt Online Seminar Amazon FSx for OpenZFS
 
202204 AWS Black Belt Online Seminar AWS IoT Device Defender
202204 AWS Black Belt Online Seminar AWS IoT Device Defender202204 AWS Black Belt Online Seminar AWS IoT Device Defender
202204 AWS Black Belt Online Seminar AWS IoT Device Defender
 
Infrastructure as Code (IaC) 談義 2022
Infrastructure as Code (IaC) 談義 2022Infrastructure as Code (IaC) 談義 2022
Infrastructure as Code (IaC) 談義 2022
 
202204 AWS Black Belt Online Seminar Amazon Connect を活用したオンコール対応の実現
202204 AWS Black Belt Online Seminar Amazon Connect を活用したオンコール対応の実現202204 AWS Black Belt Online Seminar Amazon Connect を活用したオンコール対応の実現
202204 AWS Black Belt Online Seminar Amazon Connect を活用したオンコール対応の実現
 
202204 AWS Black Belt Online Seminar Amazon Connect Salesforce連携(第1回 CTI Adap...
202204 AWS Black Belt Online Seminar Amazon Connect Salesforce連携(第1回 CTI Adap...202204 AWS Black Belt Online Seminar Amazon Connect Salesforce連携(第1回 CTI Adap...
202204 AWS Black Belt Online Seminar Amazon Connect Salesforce連携(第1回 CTI Adap...
 
Amazon Game Tech Night #25 ゲーム業界向け機械学習最新状況アップデート
Amazon Game Tech Night #25 ゲーム業界向け機械学習最新状況アップデートAmazon Game Tech Night #25 ゲーム業界向け機械学習最新状況アップデート
Amazon Game Tech Night #25 ゲーム業界向け機械学習最新状況アップデート
 
20220409 AWS BLEA 開発にあたって検討したこと
20220409 AWS BLEA 開発にあたって検討したこと20220409 AWS BLEA 開発にあたって検討したこと
20220409 AWS BLEA 開発にあたって検討したこと
 
202202 AWS Black Belt Online Seminar AWS Managed Rules for AWS WAF の活用
202202 AWS Black Belt Online Seminar AWS Managed Rules for AWS WAF の活用202202 AWS Black Belt Online Seminar AWS Managed Rules for AWS WAF の活用
202202 AWS Black Belt Online Seminar AWS Managed Rules for AWS WAF の活用
 
202203 AWS Black Belt Online Seminar Amazon Connect Tasks.pdf
202203 AWS Black Belt Online Seminar Amazon Connect Tasks.pdf202203 AWS Black Belt Online Seminar Amazon Connect Tasks.pdf
202203 AWS Black Belt Online Seminar Amazon Connect Tasks.pdf
 
SaaS テナント毎のコストを把握するための「AWS Application Cost Profiler」のご紹介
SaaS テナント毎のコストを把握するための「AWS Application Cost Profiler」のご紹介SaaS テナント毎のコストを把握するための「AWS Application Cost Profiler」のご紹介
SaaS テナント毎のコストを把握するための「AWS Application Cost Profiler」のご紹介
 
Amazon QuickSight の組み込み方法をちょっぴりDD
Amazon QuickSight の組み込み方法をちょっぴりDDAmazon QuickSight の組み込み方法をちょっぴりDD
Amazon QuickSight の組み込み方法をちょっぴりDD
 
マルチテナント化で知っておきたいデータベースのこと
マルチテナント化で知っておきたいデータベースのことマルチテナント化で知っておきたいデータベースのこと
マルチテナント化で知っておきたいデータベースのこと
 
機密データとSaaSは共存しうるのか!?セキュリティー重視のユーザー層を取り込む為のネットワーク通信のアプローチ
機密データとSaaSは共存しうるのか!?セキュリティー重視のユーザー層を取り込む為のネットワーク通信のアプローチ機密データとSaaSは共存しうるのか!?セキュリティー重視のユーザー層を取り込む為のネットワーク通信のアプローチ
機密データとSaaSは共存しうるのか!?セキュリティー重視のユーザー層を取り込む為のネットワーク通信のアプローチ
 
パッケージソフトウェアを簡単にSaaS化!?既存の資産を使ったSaaS化手法のご紹介
パッケージソフトウェアを簡単にSaaS化!?既存の資産を使ったSaaS化手法のご紹介パッケージソフトウェアを簡単にSaaS化!?既存の資産を使ったSaaS化手法のご紹介
パッケージソフトウェアを簡単にSaaS化!?既存の資産を使ったSaaS化手法のご紹介
 
202202 AWS Black Belt Online Seminar Amazon Connect Customer Profiles
202202 AWS Black Belt Online Seminar Amazon Connect Customer Profiles202202 AWS Black Belt Online Seminar Amazon Connect Customer Profiles
202202 AWS Black Belt Online Seminar Amazon Connect Customer Profiles
 
Amazon Game Tech Night #24 KPIダッシュボードを最速で用意するために
Amazon Game Tech Night #24 KPIダッシュボードを最速で用意するためにAmazon Game Tech Night #24 KPIダッシュボードを最速で用意するために
Amazon Game Tech Night #24 KPIダッシュボードを最速で用意するために
 
202202 AWS Black Belt Online Seminar AWS SaaS Boost で始めるSaaS開発⼊⾨
202202 AWS Black Belt Online Seminar AWS SaaS Boost で始めるSaaS開発⼊⾨202202 AWS Black Belt Online Seminar AWS SaaS Boost で始めるSaaS開発⼊⾨
202202 AWS Black Belt Online Seminar AWS SaaS Boost で始めるSaaS開発⼊⾨
 
[20220126] JAWS-UG 2022初頭までに葬ったAWSアンチパターン大紹介
[20220126] JAWS-UG 2022初頭までに葬ったAWSアンチパターン大紹介[20220126] JAWS-UG 2022初頭までに葬ったAWSアンチパターン大紹介
[20220126] JAWS-UG 2022初頭までに葬ったAWSアンチパターン大紹介
 
202111 AWS Black Belt Online Seminar AWSで構築するSmart Mirrorのご紹介
202111 AWS Black Belt Online Seminar AWSで構築するSmart Mirrorのご紹介202111 AWS Black Belt Online Seminar AWSで構築するSmart Mirrorのご紹介
202111 AWS Black Belt Online Seminar AWSで構築するSmart Mirrorのご紹介
 

Recently uploaded

Spring24-Release Overview - Wellingtion User Group-1.pdf
Spring24-Release Overview - Wellingtion User Group-1.pdfSpring24-Release Overview - Wellingtion User Group-1.pdf
Spring24-Release Overview - Wellingtion User Group-1.pdfAnna Loughnan Colquhoun
 
RAG Patterns and Vector Search in Generative AI
RAG Patterns and Vector Search in Generative AIRAG Patterns and Vector Search in Generative AI
RAG Patterns and Vector Search in Generative AIUdaiappa Ramachandran
 
Babel Compiler - Transforming JavaScript for All Browsers.pptx
Babel Compiler - Transforming JavaScript for All Browsers.pptxBabel Compiler - Transforming JavaScript for All Browsers.pptx
Babel Compiler - Transforming JavaScript for All Browsers.pptxYounusS2
 
Digital magic. A small project for controlling smart light bulbs.
Digital magic. A small project for controlling smart light bulbs.Digital magic. A small project for controlling smart light bulbs.
Digital magic. A small project for controlling smart light bulbs.francesco barbera
 
NIST Cybersecurity Framework (CSF) 2.0 Workshop
NIST Cybersecurity Framework (CSF) 2.0 WorkshopNIST Cybersecurity Framework (CSF) 2.0 Workshop
NIST Cybersecurity Framework (CSF) 2.0 WorkshopBachir Benyammi
 
Meet the new FSP 3000 M-Flex800™
Meet the new FSP 3000 M-Flex800™Meet the new FSP 3000 M-Flex800™
Meet the new FSP 3000 M-Flex800™Adtran
 
Introduction to Quantum Computing
Introduction to Quantum ComputingIntroduction to Quantum Computing
Introduction to Quantum ComputingGDSC PJATK
 
PicPay - GenAI Finance Assistant - ChatGPT for Customer Service
PicPay - GenAI Finance Assistant - ChatGPT for Customer ServicePicPay - GenAI Finance Assistant - ChatGPT for Customer Service
PicPay - GenAI Finance Assistant - ChatGPT for Customer ServiceRenan Moreira de Oliveira
 
Nanopower In Semiconductor Industry.pdf
Nanopower  In Semiconductor Industry.pdfNanopower  In Semiconductor Industry.pdf
Nanopower In Semiconductor Industry.pdfPedro Manuel
 
Bird eye's view on Camunda open source ecosystem
Bird eye's view on Camunda open source ecosystemBird eye's view on Camunda open source ecosystem
Bird eye's view on Camunda open source ecosystemAsko Soukka
 
UiPath Platform: The Backend Engine Powering Your Automation - Session 1
UiPath Platform: The Backend Engine Powering Your Automation - Session 1UiPath Platform: The Backend Engine Powering Your Automation - Session 1
UiPath Platform: The Backend Engine Powering Your Automation - Session 1DianaGray10
 
COMPUTER 10: Lesson 7 - File Storage and Online Collaboration
COMPUTER 10: Lesson 7 - File Storage and Online CollaborationCOMPUTER 10: Lesson 7 - File Storage and Online Collaboration
COMPUTER 10: Lesson 7 - File Storage and Online Collaborationbruanjhuli
 
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyesHow to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyesThousandEyes
 
Things you didn't know you can use in your Salesforce
Things you didn't know you can use in your SalesforceThings you didn't know you can use in your Salesforce
Things you didn't know you can use in your SalesforceMartin Humpolec
 
OpenShift Commons Paris - Choose Your Own Observability Adventure
OpenShift Commons Paris - Choose Your Own Observability AdventureOpenShift Commons Paris - Choose Your Own Observability Adventure
OpenShift Commons Paris - Choose Your Own Observability AdventureEric D. Schabell
 
IESVE Software for Florida Code Compliance Using ASHRAE 90.1-2019
IESVE Software for Florida Code Compliance Using ASHRAE 90.1-2019IESVE Software for Florida Code Compliance Using ASHRAE 90.1-2019
IESVE Software for Florida Code Compliance Using ASHRAE 90.1-2019IES VE
 
UiPath Studio Web workshop series - Day 6
UiPath Studio Web workshop series - Day 6UiPath Studio Web workshop series - Day 6
UiPath Studio Web workshop series - Day 6DianaGray10
 
Using IESVE for Loads, Sizing and Heat Pump Modeling to Achieve Decarbonization
Using IESVE for Loads, Sizing and Heat Pump Modeling to Achieve DecarbonizationUsing IESVE for Loads, Sizing and Heat Pump Modeling to Achieve Decarbonization
Using IESVE for Loads, Sizing and Heat Pump Modeling to Achieve DecarbonizationIES VE
 
Linked Data in Production: Moving Beyond Ontologies
Linked Data in Production: Moving Beyond OntologiesLinked Data in Production: Moving Beyond Ontologies
Linked Data in Production: Moving Beyond OntologiesDavid Newbury
 
Computer 10: Lesson 10 - Online Crimes and Hazards
Computer 10: Lesson 10 - Online Crimes and HazardsComputer 10: Lesson 10 - Online Crimes and Hazards
Computer 10: Lesson 10 - Online Crimes and HazardsSeth Reyes
 

Recently uploaded (20)

Spring24-Release Overview - Wellingtion User Group-1.pdf
Spring24-Release Overview - Wellingtion User Group-1.pdfSpring24-Release Overview - Wellingtion User Group-1.pdf
Spring24-Release Overview - Wellingtion User Group-1.pdf
 
RAG Patterns and Vector Search in Generative AI
RAG Patterns and Vector Search in Generative AIRAG Patterns and Vector Search in Generative AI
RAG Patterns and Vector Search in Generative AI
 
Babel Compiler - Transforming JavaScript for All Browsers.pptx
Babel Compiler - Transforming JavaScript for All Browsers.pptxBabel Compiler - Transforming JavaScript for All Browsers.pptx
Babel Compiler - Transforming JavaScript for All Browsers.pptx
 
Digital magic. A small project for controlling smart light bulbs.
Digital magic. A small project for controlling smart light bulbs.Digital magic. A small project for controlling smart light bulbs.
Digital magic. A small project for controlling smart light bulbs.
 
NIST Cybersecurity Framework (CSF) 2.0 Workshop
NIST Cybersecurity Framework (CSF) 2.0 WorkshopNIST Cybersecurity Framework (CSF) 2.0 Workshop
NIST Cybersecurity Framework (CSF) 2.0 Workshop
 
Meet the new FSP 3000 M-Flex800™
Meet the new FSP 3000 M-Flex800™Meet the new FSP 3000 M-Flex800™
Meet the new FSP 3000 M-Flex800™
 
Introduction to Quantum Computing
Introduction to Quantum ComputingIntroduction to Quantum Computing
Introduction to Quantum Computing
 
PicPay - GenAI Finance Assistant - ChatGPT for Customer Service
PicPay - GenAI Finance Assistant - ChatGPT for Customer ServicePicPay - GenAI Finance Assistant - ChatGPT for Customer Service
PicPay - GenAI Finance Assistant - ChatGPT for Customer Service
 
Nanopower In Semiconductor Industry.pdf
Nanopower  In Semiconductor Industry.pdfNanopower  In Semiconductor Industry.pdf
Nanopower In Semiconductor Industry.pdf
 
Bird eye's view on Camunda open source ecosystem
Bird eye's view on Camunda open source ecosystemBird eye's view on Camunda open source ecosystem
Bird eye's view on Camunda open source ecosystem
 
UiPath Platform: The Backend Engine Powering Your Automation - Session 1
UiPath Platform: The Backend Engine Powering Your Automation - Session 1UiPath Platform: The Backend Engine Powering Your Automation - Session 1
UiPath Platform: The Backend Engine Powering Your Automation - Session 1
 
COMPUTER 10: Lesson 7 - File Storage and Online Collaboration
COMPUTER 10: Lesson 7 - File Storage and Online CollaborationCOMPUTER 10: Lesson 7 - File Storage and Online Collaboration
COMPUTER 10: Lesson 7 - File Storage and Online Collaboration
 
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyesHow to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
 
Things you didn't know you can use in your Salesforce
Things you didn't know you can use in your SalesforceThings you didn't know you can use in your Salesforce
Things you didn't know you can use in your Salesforce
 
OpenShift Commons Paris - Choose Your Own Observability Adventure
OpenShift Commons Paris - Choose Your Own Observability AdventureOpenShift Commons Paris - Choose Your Own Observability Adventure
OpenShift Commons Paris - Choose Your Own Observability Adventure
 
IESVE Software for Florida Code Compliance Using ASHRAE 90.1-2019
IESVE Software for Florida Code Compliance Using ASHRAE 90.1-2019IESVE Software for Florida Code Compliance Using ASHRAE 90.1-2019
IESVE Software for Florida Code Compliance Using ASHRAE 90.1-2019
 
UiPath Studio Web workshop series - Day 6
UiPath Studio Web workshop series - Day 6UiPath Studio Web workshop series - Day 6
UiPath Studio Web workshop series - Day 6
 
Using IESVE for Loads, Sizing and Heat Pump Modeling to Achieve Decarbonization
Using IESVE for Loads, Sizing and Heat Pump Modeling to Achieve DecarbonizationUsing IESVE for Loads, Sizing and Heat Pump Modeling to Achieve Decarbonization
Using IESVE for Loads, Sizing and Heat Pump Modeling to Achieve Decarbonization
 
Linked Data in Production: Moving Beyond Ontologies
Linked Data in Production: Moving Beyond OntologiesLinked Data in Production: Moving Beyond Ontologies
Linked Data in Production: Moving Beyond Ontologies
 
Computer 10: Lesson 10 - Online Crimes and Hazards
Computer 10: Lesson 10 - Online Crimes and HazardsComputer 10: Lesson 10 - Online Crimes and Hazards
Computer 10: Lesson 10 - Online Crimes and Hazards
 

20190213 AWS Black Belt Online Seminar Amazon SageMaker Advanced Session

  • 1. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark AWS Webinar https://amzn.to/JPWebinar https://amzn.to/JPArchive Machine Learning Solutions Architect 2019/02/13 Amazon SageMaker advanced [AWS Black Belt Online Seminar]
  • 2. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark • • • • OEM • • Amazon SageMaker
  • 3. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark AWS Black Belt Online Seminar • • Q&A blog • ① 吹き出しをクリック ② 質問を入力 ③ Sendをクリック Twitter #awsblackbelt
  • 4. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark • 2019 2 13 AWS (http://aws.amazon.com) • AWS AWS • • AWS does not offer binding price quotes. AWS pricing is publicly available and is subject to change in accordance with the AWS Customer Agreement available at http://aws.amazon.com/agreement/. Any pricing information included in this document is provided only as an estimate of usage charges for AWS services based on certain information that you have provided. Monthly charges will be based on your actual use of AWS services, and may vary from the estimates provided.
  • 5. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark • : Amazon SageMaker blackbelt • • Amazon SageMaker • Amazon SageMaker Ground Truth • ML AWS Marketplace • Amazon SageMaker Neo • Elastic Inference • •
  • 6. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker • • • 13
  • 7. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark ラベリング SageMakerで行う 機械学習の流れ
  • 8. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Notebook instance  Jupyter  JupyterLab • • Git • SageMaker SageMaker Python SDK https://github.com/aws/sagemaker-python-sdk
  • 9. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark データへのラベル付け(アノテーション)にはコスト・時間がかかる • 効率の良いアノテーションツールの作成 • 作業を割り当てるワーカーの募集 • 進捗管理・作業割り振り • 大量データのラベル付け ラベリング アノテーション
  • 10. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Ground Truth データにラベル (Ground Truth) を付与するアノテーション作業の支援サービス • アノテーションにおける一般的なワークフローの管理ツール • ラベルを付与するワーカーは,Amazon Mechanical Turk,外部ベンダ(AWS Marketplace),自社のプライベートチーム の3つから選択 • 以下の4種類のタスク向けアノテーションツールも提供(カスタムも可能) 画像分類 物体検出 文章分類 セマンティック セグメンテーション
  • 11. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
  • 12. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark アノテーションの基本プロセス SageMaker ユーザ 1. アノテーション対象の データをアップロード 2. ラベリング ジョブの作成 複数人の結果を マージできる 3. タスクはワーカーに 自動で割り振られる 5. アノテーション 結果がS3集計される 4. アノテーションツールで ワーカーがアノテーションを行う
  • 13. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark 自動ラベリング (オプション機能) 大規模データセット(5000データ以上)にラベリングする際、数割を ワーカーでラベル付けし、残りを自動化することで、時間とコストを削減 ワーカーによる アノテーション 確信度が低い画像 : 0.1 : 0.9 確信度が高い画像
  • 14. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark ラベリング モデル開発 • モデル生成の方法 • ビルトインアルゴリズムを使う • SageMaker コンテナ対応のフレームワークを使ったモデル開発 • AWS Marketplace Machine Learning でモデル購入 機械学習のモデルを開発する
  • 15. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark • Amazon SageMaker • • AWS Marketplace
  • 16. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark • SageMaker上での実装を最適化した,機械学習アルゴリズム • アルゴリズムごとにコンテナが準備されており,分散学習などが簡単に使え る Semantic segmentation: • Fully-Convolutional Network (FCN) algorithm , Pyramid Scene Parsing (PSP) algorithm, DeepLabV3
  • 17. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Linear Learner XGBoost XGBoost, (eXtreme Gradient Boosting) PCA (Principal Component Analysis) k-means K k-NN K Factorization Machines Random Cut Forest robust random cut tree LDA (Latent Dirichlet Allocation) ~ 機械学習モデル ~SageMaker ※ LDAのオリジナルは教師なし https://docs.aws.amazon.com/sagemaker/latest/dg/algos.html
  • 18. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Image classification ResNet Object Detection SSD (Single Shot multibox Detector) Semantic Segmentation FCN, PSP, DeepLabV3 (ResNet50, ResNet101) seq2seq Deep LSTM Neural Topic Model NTM, LDA Blazing text Word2Vec Text Classification Object2Vec Word2Vec DeepAR Forecasting Autoregressive RNN IP Insights NN (IP entity ) IP ~ ディープラーニング モデル ~SageMaker https://docs.aws.amazon.com/sagemaker/latest/dg/algos.html
  • 19. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark SageMaker container Deep learning TensorFlow Legacy mode: 1.4.1, 1.5.0, 1.6.0, 1.7.0, 1.8.0, 1.9.0, 1.10.0 Script mode: 1.11.0, 1.12.0 Chainer 4.0.0, 4.1.0, 5.0.0 PyTorch 0.4.0, 1.0.0 MXNet 1.3.0, 1.2.1, 1.1.0, 0.12.1 ML scikit-learn 0.20.0 https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker TensorFlow: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/tensorflow Chainer: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/chainer PyTorch: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/pytorch MXNet: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/mxnet Sklearn: https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/sklearn ※ 2019 2 13• SageMaker
  • 20. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark TensorFlow MXNet Script Mode • TensorFlow • Ver.1.11 script mode Legacy mode 1.12 • python2 ver.1.11 python3 • Elastic Inference 1.11.0, 1.12.0 • MXNet • Ver. 1.3.0, 1.2.1, 1.1.0, 0.12.1 • PyTorch, Chainer Script mode TensorFlow, MXNet code Script mode Container https://github.com/aws/sagemaker-python- sdk/blob/master/src/sagemaker/tensorflow/README.rst https://github.com/aws/sagemaker-python- sdk/blob/master/src/sagemaker/mxnet/README.rst
  • 21. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark TensorFlow Script Mode https://github.com/aws/sagemaker-python-sdk/blob/master/src/sagemaker/tensorflow/README.rst Script Mode main SageMaker hyperparameter argparse
  • 22. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark • AWS SageMaker 200 Amazon SageMaker ok AWS Marketplace
  • 23. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark MLマーケットプレイスアルゴリズムの利用(学習) Marketplace上で アルゴリズムの選択 SageMaker上で アルゴリズム登録 トレーニングジョブ の作成・実行
  • 24. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark MLマーケットプレイスモデルの利用(推論) Marketplace 上で モデルの選択 SageMaker 上での モデルパッケージ登録 エンドポイントの作成
  • 25. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark SageMaker SDK AWS CLI AWS ML • • •
  • 26. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark ラベリング • TensorFlow (Horovodにも対応), MXNet, PyTorch, Chainer それぞれのフ レームワークに適した分散学習を提供.training instance 数の指定ですぐに 分散学習が利用できる • ハイパーパラメータ最適化 機械学習のモデルを開発する
  • 27. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark TensorFlow • Parameter server • Horovod TF v1.12 https://github.com/aws/sagemaker-python- sdk/blob/master/src/sagemaker/tensorflow/README.rst `mpi`: true mpirun
  • 28. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark ChainerMN • • • • https://github.com/aws/sagemaker-python- sdk/blob/master/src/sagemaker/tensorflow/README.rst
  • 29. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark (HPO) 1. Chainer estimator hyperparameter 2. HyperparameterTuner hyperparameter_ranges HPO 3. HyperparameterTuner ( ) CloudWatch Logs • HPO https://github.com/aws/sagemaker-python-sdk#sagemaker-automatic-model-tuning https://aws.amazon.com/jp/blogs/news/amazon-sagemaker-automatic-model-tuning-becomes- more-efficient-with-warm-start-of-hyperparameter-tuning-jobs/
  • 30. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark
  • 31. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark モデル変換・推論 • SageMaker Neo: モデル変換による推論の高速化 • Elastic Inference: GPUアクセラレータ追加による推論のコスト削減と高 速化 ラベリング 学習済みモデルの変換・推論
  • 32. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark • SageMaker • デプロイメントプラットフォーム上のリソース使用料を1/10程度に削減,推論の高速化 • MLフレームワーク固有の機能を,どこでも実行できる単一のコンパイル済み環境に 変換 • EC2 インスタンスや Greengrass デバイス上で高速に動作するように変換する Amazon SageMaker Neo https://aws.amazon.com/sagemaker/neo/
  • 33. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark SageMaker Neo • ML • • Neo https://aws.amazon.com/jp/blogs/news/amazon-sagemaker-neo-train-your-machine-learning-models-once-run- them-anywhere/ https://docs.aws.amazon.com/sagemaker/latest/dg/neo.html • TensorFlow • MXNet • PyTorch • ONNX • XGBoost • EC2 ml.c4, ml.c5, ml.m4, ml.m5, ml.p2, ml.p3 • Jetson TX1/2 • DeepLens • Raspberry Pi 3 Model
  • 34. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark SageMaker Neo の Python SDK による利用の流れ mnist_estimator = TensorFlow( entry_point='mnist.py', role=role, framework_version='1.11.0’, training_steps=1000, evaluation_steps=100, train_instance_count=2, train_instance_type='ml.c4.xlarge’) mnist_estimator.fit(inputs) optimized_estimator = mnist_estimator.compile_model( target_instance_family='ml_c5', input_shape={'data':[1, 784]}, output_path=output_path, framework='tensorflow’, framework_version='1.11.0’) optimized_predictor = optimized_estimator.deploy( initial_instance_count = 1, instance_type = 'ml.c5.4xlarge') https://github.com/awslabs/amazon-sagemaker-examples/blob/master/sagemaker- python-sdk/tensorflow_distributed_mnist/tensorflow_distributed_mnist_neo.ipynb • TensorFlowEstimator.compile_model メソッドで学習モデルを,ターゲットデバイスに最適なコン パイル
  • 35. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark OSS Neo-AI • Apache Software License Neo-AI 2019 1 • OSS DMLC (Distributed Machine Learning Common ) TVM Treelite • TVM: Deep learning stack compiler for CPU, GPU. • Treelite: Decision tree compiler • LLVM Halide • AWS, ARM, Intel, NVIDIA • Cadence, Qualcomm, Xilinx https://github.com/neo-ai/
  • 36. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark CPU GPU • GPU • リアルタイムの推論では 少量のGPUしか消費せず高コスト • 適切なGPU CPU • EIA (msec) ($/hour) c5.large 230 msec $0.085 c5.large eia1.medium 46 msec $0.22 p2.xlarge 42 msec $0.90 2018/11 https://aws.amazon.com/jp/blogs/news/amazon-elastic-inference-gpu-powered- deep-learning-inference-acceleration/
  • 37. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon Elastic Inference • GPU CPU EC2 SageMaker DL 75% • 最大 32TFLOPSの混合精度演算を提供できる • 利用方法 • EIA • SageMaker Notebook EIA Accelerator type TFLOPS FP32 throughput TFLOPS FP16 throughput Memory in GB ml.eia1.medium 1 8 1 ml.eia1.large 2 16 2 ml.eia1.xlarge 4 32 4 https://docs.aws.amazon.com/sagemaker/latest/dg/ei.html
  • 38. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon Elastic Inference の利用 • SageMaker Python SDK のTensorFlowまたは MXNet と,SageMaker 用コンテナを使用 • 他のフレームワークはONNXを使ってエクスポートし,MXNetにインポートして利用 • Image Classification, Object Detection のいずれかの組み込みアルゴリズムを使用 • TensorFlow または MXNet の EIバージョン対応の独自コンテナを構築 • 例)TensorFlowの場合: • Estimator または Model オブジェクトの deploy メソッドで EIA を指定 https://docs.aws.amazon.com/ja_jp/sagemaker/latest/dg/ei.html
  • 39. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Reinforcement Learning • • • • Container for Agent Container for Agent Container for environment Container for environment RoboMaker, … OpenAI gym Coach, RLLib Redis ,
  • 40. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark SageMaker ~ RoboMaker DeepRacer~
  • 41. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Reinforcement Learning Robotics Industrial Control HVAC Autonomous Vehicles Operators Finance Games NLP End-to-end examples for classic RL and real-world RL application RL Environment to model real-world problems Amazon Sumerian Amazon RoboMaker AWS Simulation Environment DQN PPO RL-Coach EnergyPlus RoboSchool Open Source Environment PyBullet … Bring Your Own MATLAB& Simulink Commercial Simulators Custom Environments Open AI Gym RL-Ray RLLib HER Rainbow … APEX ES IMPALA A3C … Open AI Baselines TRPO GAIL … … TensorFlow SageMaker Deep Learning Frameworks Single Machine / Distributed Training Options Local / Remote simulation CPU/GPU Hardware MXNet PyTorch Chainer RL Toolkits that provide RL agent algorithm implementations SageMaker supported Customer BYO
  • 42. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Reinforcement Learning Robotics Industrial Control HVAC Autonomous Vehicles Operators Finance Games NLP End-to-end examples for classic RL and real-world RL application RL Environment to model real-world problems Amazon Sumerian Amazon RoboMaker AWS Simulation Environment DQN PPO RL-Coach EnergyPlus RoboSchool Open Source Environment PyBullet … Bring Your Own MATLAB& Simulink Commercial Simulators Custom Environments Open AI Gym RL-Ray RLLib HER Rainbow … APEX ES IMPALA A3C … Open AI Baselines TRPO GAIL … … TensorFlow SageMaker Deep Learning Frameworks Single Machine / Distributed Training Options Local / Remote simulation CPU/GPU Hardware MXNet PyTorch Chainer RL Toolkits that provide RL agent algorithm implementations SageMaker supported Customer BYO
  • 43. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Reinforcement Learning Robotics Industrial Control HVAC Autonomous Vehicles Operators Finance Games NLP End-to-end examples for classic RL and real-world RL application RL Environment to model real-world problems Amazon Sumerian Amazon RoboMaker AWS Simulation Environment DQN PPO RL-Coach EnergyPlus RoboSchool Open Source Environment PyBullet … Bring Your Own MATLAB& Simulink Commercial Simulators Custom Environments Open AI Gym RL-Ray RLLib HER Rainbow … APEX ES IMPALA A3C … Open AI Baselines TRPO GAIL … … TensorFlow SageMaker Deep Learning Frameworks Single Machine / Distributed Training Options Local / Remote simulation CPU/GPU Hardware MXNet PyTorch Chainer RL Toolkits that provide RL agent algorithm implementations SageMaker supported Customer BYO
  • 44. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Reinforcement Learning Robotics Industrial Control HVAC Autonomous Vehicles Operators Finance Games NLP End-to-end examples for classic RL and real-world RL application RL Environment to model real-world problems Amazon Sumerian Amazon RoboMaker AWS Simulation Environment DQN PPO RL-Coach EnergyPlus RoboSchool Open Source Environment PyBullet … Bring Your Own MATLAB& Simulink Commercial Simulators Custom Environments Open AI Gym RL-Ray RLLib HER Rainbow … APEX ES IMPALA A3C … Open AI Baselines TRPO GAIL … … TensorFlow SageMaker Deep Learning Frameworks Single Machine / Distributed Training Options Local / Remote simulation CPU/GPU Hardware MXNet PyTorch Chainer RL Toolkits that provide RL agent algorithm implementations SageMaker supported Customer BYO
  • 45. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Reinforcement Learning Robotics Industrial Control HVAC Autonomous Vehicles Operators Finance Games NLP End-to-end examples for classic RL and real-world RL application RL Environment to model real-world problems Amazon Sumerian Amazon RoboMaker AWS Simulation Environment DQN PPO RL-Coach EnergyPlus RoboSchool Open Source Environment PyBullet … Bring Your Own MATLAB& Simulink Commercial Simulators Custom Environments Open AI Gym RL-Ray RLLib HER Rainbow … APEX ES IMPALA A3C … Open AI Baselines TRPO GAIL … … TensorFlow SageMaker Deep Learning Frameworks Single Machine / Distributed Training Options Local / Remote simulation CPU/GPU Hardware MXNet PyTorch Chainer RL Toolkits that provide RL agent algorithm implementations SageMaker supported Customer BYO
  • 46. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Amazon SageMaker Reinforcement Learning Robotics Industrial Control HVAC Autonomous Vehicles Operators Finance Games NLP End-to-end examples for classic RL and real-world RL application RL Environment to model real-world problems Amazon Sumerian Amazon RoboMaker AWS Simulation Environment DQN PPO RL-Coach EnergyPlus RoboSchool Open Source Environment PyBullet … Bring Your Own MATLAB& Simulink Commercial Simulators Custom Environments Open AI Gym RL-Ray RLLib HER Rainbow … APEX ES IMPALA A3C … Open AI Baselines TRPO GAIL … … TensorFlow SageMaker Deep Learning Frameworks Single Machine / Distributed Training Options Local / Remote simulation CPU/GPU Hardware MXNet PyTorch Chainer RL Toolkits that provide RL agent algorithm implementations SageMaker supported Customer BYO
  • 47. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark https://github.com/aws/sagemaker-python-sdk/tree/master/src/sagemaker/rl https://github.com/awslabs/amazon-sagemaker- examples/blob/master/reinforcement_learning/rl_roboschool_ray/rl_roboschool_ray_distributed.ipynb
  • 48. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Primary cluster with GPU Secondary cluster with CPU • • https://github.com/awslabs/amazon-sagemaker- examples/blob/master/reinforcement_learning/rl_roboschool_ray/rl_roboschool_ray_distributed.ipynb
  • 49. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark SageMaker Reinforcement Learning Dependencies Coach 0.10.1 Coach 0.11.0 Ray 0.5.3 Python 3.6 3.5 (MXNet) 3.6 (TensorFlow) 3.6 CUDA (GPU image only) 9.0 9.0 9.0 DL Framework TensorFlow-1.11.0 MXNet-1.3.0 TensorFlow-1.11.0 TensorFlow-1.11.0 gym 0.10.5 0.10.5 0.10.5 ※ 2019 2 13https://github.com/aws/sagemaker-python- sdk/tree/master/src/sagemaker/rl#distributed-rl-training
  • 50. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark AWS DeepRacer Amazon.com にて$399.00,2019/3/6 発売開始予定 仕様 • 1/18 スケールラジコンカー • Intel Atom プロセッサ • 4Mピクセル, 1080p カメラ • WiFi (802.11ac) • Compute用バッテリー (>2h)と、 モーター用バッテリー(>15m) • Ubuntu 16.04LTS, ROS (Robot Operating System), OpenVino https://aws.amazon.com/deepracer/
  • 51. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark • CloudWatch Logs • CloudWatch Logs •
  • 52. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark メトリクスのモニタリング • 学習時のモデルの精度をグラフ化できる • 学習が上手く行っているかどうかを確認し、必要に応じて学習を止める判断 に利用できる • CloudWatch のメトリックスダッシュボードで,グラフの可視化 ログ転送 正規表現で メトリクス抽出 可視化
  • 53. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark 学習スクリプトのメトリクス定義 • 自前のスクリプトについては,メトリクス正規表現で定義
  • 54. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark Q&A AWS Japan Blog https://aws.amazon.com/jp/blogs/news/
  • 55. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Confidential and Trademark @awscloud_jp http://on.fb.me/1vR8yWm Twitter/Facebook AWS