SlideShare une entreprise Scribd logo
1  sur  31
Télécharger pour lire hors ligne
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Adding ML feature into your application
using AutoGluon with no ML expertise
Muhyun Kim
Senior Data Scientist
Amazon ML Solutions Lab, AWS
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Common ML problems
Regression Classification
Tabular
Prediction
Image
Classification
Object
Detection
Text
Classification
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
How to solve ML problems
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Required skills in building ML models
Data science for feature engineering
Machine Learning and Deep Learning for modeling
Model tuning experience
ML and DL toolkits such as scikit-learn, TensorFlow, PyTorch, MXNet
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Do I need to learn
machine learning or deep learning
and
ML/DL framework
as an application developer or data analysist?
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
AutoML
“Automated machine learning (AutoML) is the process of automating the
process of applying machine learning to real-world problems. AutoML covers the
complete pipeline from the raw dataset to the deployable machine learning
model.” - Wikipedia
Automated Machine Learning provides methods and processes to make
Machine Learning available for non-Machine Learning experts, to improve
efficiency of Machine Learning and to accelerate research on Machine
Learning. - AutoML.org
- Hyperparameter optimization
- Meta-learning (learning to learn)
- Neural architecture search
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
AutoGluon - AutoML Toolkit for Deep Learning
https://autogluon.mxnet.io
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
AutoGluon for “All”
Developers/Analysists
with no ML skill
Automating all ML pipeline
- feature engineering
- model selection
- model training
- hyperparameter optimization
ML Experts
• Quick model prototyping for baseline
• Hyperparameter optimization
• Optimizing custom models
Researchers
• Model optimization
• Searching for new architectures
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
What you can do with AutoGluon
• Quick prototyping achieving the state-of-the-art performance for
• Tabular prediction
• Image classification
• Object detection
• Text classification
• Customizing model searching
• Hyperparameter optimization on model training in Python or PyTorch
• Neural Architecture Searching
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Simple 3 steps to get the best ML model
Step 1. Prepare your dataset
Step 2. Load the dataset for training ML
Step 3. Call fit() to get the best ML model
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
What happens behind the scene
Loading the dataset for training ML
- ML problem defined (binary/multiple classification or regression)
- Feature engineering for each model being trained
- Missing value handling
- Splitting dataset into training and validation
Calling fit() to get the best ML model
- Training models
- Hyperparameter optimization
- Model selection
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Common ML problems
Regression Classification
Tabular
Prediction
Image
Classification
Object
Detection
Text
Classification
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
ML algorithms for Tabular prediction
• Random Forest
• https://scikit-
learn.org/stable/modules/generated/sklearn.ensemble.RandomForestClassifier.html
• XT (Extremely randomized trees)
• https://scikit-
learn.org/stable/modules/generated/sklearn.ensemble.ExtraTreesClassifier.html
• K-nearest neighbors
• https://scikit-
learn.org/stable/modules/generated/sklearn.neighbors.KNeighborsClassifier.html
• CatBoost - gradient boosting on decision trees
• https://catboost.ai/
• LightGBM
• https://lightgbm.readthedocs.io
• Neural Network
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Let’s prepare a tabular dataset
A structured data stored in CSV format where
• each row represents an example and
• each column presents the measurements of some variable or feature
Files stored either in an Amazon S3 bucket or the local file system
Some data found in “Adult data set (https://archive.ics.uci.edu/ml/datasets/adult)”
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
# CUDA 10.0 and a GPU for object detection is recommended
# We install MXNet to utilize deep learning models
# For Linux with GPU installed
pip install --upgrade mxnet-cu100
# For Linux without GPU
pip install --upgrade mxnet
# Install AutoGluon package
pip install autogluon
Step 0: Install AutoGluon
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
from autogluon import TabularPrediction as task
train_path = 'https://autogluon.s3.amazonaws.com/datasets/AdultIncomeBinaryClassification/train_data.csv’
train_data = task.Dataset(file_path=train_path)
Step 1: Loading dataset
file_path
df
feature_types
subsample
name
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
predictor = task.fit(train_data, label='class', output_directory='ag-example-out/')
Step 2: Training ML models
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
parameters of fit()
https://autogluon.mxnet.io/api/autogluon.task.html#autogluon.task.TabularPrediction.fit
‘random’ (random search), ‘skopt’ (SKopt Bayesian
optimization), ‘grid’ (grid search), ‘hyperband’
(Hyperband), ‘rl’ (reinforcement learner)
‘mxboard’, ‘tensorboard’, ‘none’
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
test_path = 'https://autogluon.s3.amazonaws.com/datasets/AdultIncomeBinaryClassification/test_data.csv'
test_data = task.Dataset(file_path=test_path)
leaderboard = predictor.leaderboard(test_data)
Step 3: Evaluate the model
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
predictor = task.load('ag-example-out/’)
test_path = 'https://autogluon.s3.amazonaws.com/datasets/AdultIncomeBinaryClassification/test_data.csv'
test_data = task.Dataset(file_path=test_path)
y_test = test_data['class']
test_data_nolabel = test_data.drop(labels=['class'],axis=1)
y_pred = predictor.predict(test_data_nolabel)
Step 4: Use the model in your app
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
parameters of predict()
https://autogluon.mxnet.io/api/autogluon.task.html#autogluon.task.tabular_prediction.TabularPredictor.predict
dataset : `TabularDataset` or `pandas.DataFrame`
The dataset to make predictions for. Should contain same column names as training Dataset and follow same format
model : str (optional)
The name of the model to get predictions from. Defaults to None, which uses the highest scoring model on the
validation set.
as_pandas : bool (optional)
Whether to return the output as a pandas Series (True) or numpy array (False)
use_pred_cache : bool (optional)
Whether to used previously-cached predictions for table rows we have already predicted on before
add_to_pred_cache : bool (optional)
Whether these predictions should be cached for reuse in future `predict()` calls on the same table rows
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Image classification
from autogluon import ImageClassification as task
# Loading dataset
dataset = task.Dataset('./data/shopeeiet/train’)
# Train image classification models
time_limits = 10 * 60 # 10mins
classifier = task.fit(dataset,
time_limits=time_limits,
ngpus_per_trial=1)
# Test the trained model
test_dataset = task.Dataset('./data/shopeeiet/test')
inds, probs, probs_all = classifier.predict(test_dataset)
shopeeiet/train
├── BabyBibs
├── BabyHat
├── BabyPants
├── ...
shopeeiet/test
├── ...
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
For advanced features of AutoGluon
Other AutoML tasks
- Image classification
- Object detection
- Text classification
Hyperparameter optimization
- Hyperparameter search space and search algorithm customization
- Distributed search
Neural architecture search
- ENAS/ProxylessNAS
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Efficient NAS on Target Hardware: ProxylessNAS
https://autogluon.mxnet.io/tutorials/nas/enas_mnist.html
(Source) PROXYLESSNAS: DIRECTNEURALARCHITECTURESEARCH ONTARGETTASK ANDHARDWARE
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
More toolkits for developers
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Resources
AutoGluon (https://autogluon.mxnet.io)
GluonCV (https://gluon-cv.mxnet.io)
AWS Computer Vision: Getting started with GluonCV
(https://www.coursera.org/learn/aws-computer-vision-gluoncv)
Deep Java Library (https://djl.ai)
Dive into Deep Learning (https://d2l.ai, https://ko.d2l.ai)
Machine Learning on AWS (https://ml.aws)
Amazon Machine Learning Solutions Lab (https://aws.amazon.com/ml-solutions-lab)
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
AWS 머신러닝(ML) 교육 및 자격증
Amazon의 개발자와 데이터 과학자를 교육하는 데 직접 활용 되었던 커리큘럼을 기반으로 학습하세요!
전체 팀을 위한
머신러닝 교육
원하는 방법으로!
교육 유연성 제공
전문성에 대한
검증
비즈니스 의사 결정자,
데이터 과학자, 개발자,
데이터 플랫폼 엔지니어 등
역할에 따라 제공되는
맞춤형 학습 경로를
확인하세요.
약 65개 이상의
온라인 과정 및
AWS 전문 강사를 통해
실습과 실적용의 기회가
제공되는 강의실 교육이
준비되어 있습니다.
업계에서 인정받는
‘AWS 공인 머신러닝 – 전문분야’
자격증을 통해
머신러닝 모델을 구축, 학습, 튜닝
및 배포하는 데 필요한
전문 지식이 있음을
입증할 수 있습니다.
https://aws.amazon.com/ko/training
/learning-paths/machine-learning/
Thank you!
© 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Muhyun Kim
muhyun@amazon.com

Contenu connexe

Tendances

A16_VB でクラサバシステムの開発をしていた平凡なチームが、どのようにクラウドネイティブプロダクト開発にシフトしアジャイル開発を進めることができたのか...
A16_VB でクラサバシステムの開発をしていた平凡なチームが、どのようにクラウドネイティブプロダクト開発にシフトしアジャイル開発を進めることができたのか...A16_VB でクラサバシステムの開発をしていた平凡なチームが、どのようにクラウドネイティブプロダクト開発にシフトしアジャイル開発を進めることができたのか...
A16_VB でクラサバシステムの開発をしていた平凡なチームが、どのようにクラウドネイティブプロダクト開発にシフトしアジャイル開発を進めることができたのか...
日本マイクロソフト株式会社
 
[AWSマイスターシリーズ] AWS CloudFormation
[AWSマイスターシリーズ] AWS CloudFormation[AWSマイスターシリーズ] AWS CloudFormation
[AWSマイスターシリーズ] AWS CloudFormation
Amazon Web Services Japan
 

Tendances (20)

20200804 AWS Black Belt Online Seminar Amazon CodeGuru
20200804 AWS Black Belt Online Seminar Amazon CodeGuru20200804 AWS Black Belt Online Seminar Amazon CodeGuru
20200804 AWS Black Belt Online Seminar Amazon CodeGuru
 
20191030 AWS Black Belt Online Seminar AWS IoT Analytics Deep Dive
20191030 AWS Black Belt Online Seminar AWS IoT Analytics Deep Dive 20191030 AWS Black Belt Online Seminar AWS IoT Analytics Deep Dive
20191030 AWS Black Belt Online Seminar AWS IoT Analytics Deep Dive
 
Suresh Poopandi_Generative AI On AWS-MidWestCommunityDay-Final.pdf
Suresh Poopandi_Generative AI On AWS-MidWestCommunityDay-Final.pdfSuresh Poopandi_Generative AI On AWS-MidWestCommunityDay-Final.pdf
Suresh Poopandi_Generative AI On AWS-MidWestCommunityDay-Final.pdf
 
HuggingFace AI - Hugging Face lets users create interactive, in-browser demos...
HuggingFace AI - Hugging Face lets users create interactive, in-browser demos...HuggingFace AI - Hugging Face lets users create interactive, in-browser demos...
HuggingFace AI - Hugging Face lets users create interactive, in-browser demos...
 
AWS CloudFront 가속 및 DDoS 방어
AWS CloudFront 가속 및 DDoS 방어AWS CloudFront 가속 및 DDoS 방어
AWS CloudFront 가속 및 DDoS 방어
 
[AWS Dev Day] 실습워크샵 | 모두를 위한 컴퓨터 비전 딥러닝 툴킷, GluonCV 따라하기
[AWS Dev Day] 실습워크샵 | 모두를 위한 컴퓨터 비전 딥러닝 툴킷, GluonCV 따라하기[AWS Dev Day] 실습워크샵 | 모두를 위한 컴퓨터 비전 딥러닝 툴킷, GluonCV 따라하기
[AWS Dev Day] 실습워크샵 | 모두를 위한 컴퓨터 비전 딥러닝 툴킷, GluonCV 따라하기
 
Transformer based approaches for visual representation learning
Transformer based approaches for visual representation learningTransformer based approaches for visual representation learning
Transformer based approaches for visual representation learning
 
XGBoost & LightGBM
XGBoost & LightGBMXGBoost & LightGBM
XGBoost & LightGBM
 
AWSのインフラはプログラミングコードで構築!AWS Cloud Development Kit 入門
AWSのインフラはプログラミングコードで構築!AWS Cloud Development Kit 入門AWSのインフラはプログラミングコードで構築!AWS Cloud Development Kit 入門
AWSのインフラはプログラミングコードで構築!AWS Cloud Development Kit 入門
 
Federated Learning
Federated LearningFederated Learning
Federated Learning
 
A16_VB でクラサバシステムの開発をしていた平凡なチームが、どのようにクラウドネイティブプロダクト開発にシフトしアジャイル開発を進めることができたのか...
A16_VB でクラサバシステムの開発をしていた平凡なチームが、どのようにクラウドネイティブプロダクト開発にシフトしアジャイル開発を進めることができたのか...A16_VB でクラサバシステムの開発をしていた平凡なチームが、どのようにクラウドネイティブプロダクト開発にシフトしアジャイル開発を進めることができたのか...
A16_VB でクラサバシステムの開発をしていた平凡なチームが、どのようにクラウドネイティブプロダクト開発にシフトしアジャイル開発を進めることができたのか...
 
知っておいて損はない AWS法務関連
知っておいて損はない AWS法務関連知っておいて損はない AWS法務関連
知っておいて損はない AWS法務関連
 
Open IE tutorial 2018
Open IE tutorial 2018Open IE tutorial 2018
Open IE tutorial 2018
 
AWS CognitoからAuth0への移行パターン4つ
AWS CognitoからAuth0への移行パターン4つAWS CognitoからAuth0への移行パターン4つ
AWS CognitoからAuth0への移行パターン4つ
 
[AWSマイスターシリーズ] AWS CloudFormation
[AWSマイスターシリーズ] AWS CloudFormation[AWSマイスターシリーズ] AWS CloudFormation
[AWSマイスターシリーズ] AWS CloudFormation
 
AWS, I Choose You: Pokemon's Battle against the Bots (SEC402-R1) - AWS re:Inv...
AWS, I Choose You: Pokemon's Battle against the Bots (SEC402-R1) - AWS re:Inv...AWS, I Choose You: Pokemon's Battle against the Bots (SEC402-R1) - AWS re:Inv...
AWS, I Choose You: Pokemon's Battle against the Bots (SEC402-R1) - AWS re:Inv...
 
20190410 AWS Black Belt Online Seminar Amazon Elastic Container Service for K...
20190410 AWS Black Belt Online Seminar Amazon Elastic Container Service for K...20190410 AWS Black Belt Online Seminar Amazon Elastic Container Service for K...
20190410 AWS Black Belt Online Seminar Amazon Elastic Container Service for K...
 
AWS 初心者向けWebinar 基本から理解する、AWS運用監視
AWS 初心者向けWebinar 基本から理解する、AWS運用監視AWS 初心者向けWebinar 基本から理解する、AWS運用監視
AWS 初心者向けWebinar 基本から理解する、AWS運用監視
 
データ活用を加速するAWS分析サービスのご紹介
データ活用を加速するAWS分析サービスのご紹介データ活用を加速するAWS分析サービスのご紹介
データ活用を加速するAWS分析サービスのご紹介
 
AWS Black Belt Online Seminar AWS Key Management Service (KMS)
AWS Black Belt Online Seminar AWS Key Management Service (KMS) AWS Black Belt Online Seminar AWS Key Management Service (KMS)
AWS Black Belt Online Seminar AWS Key Management Service (KMS)
 

Similaire à [AWS Innovate 온라인 컨퍼런스] 간단한 Python 코드만으로 높은 성능의 기계 학습 모델 만들기 - 김무현, AWS Sr.데이터 사이언티스트

Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Codiax
 

Similaire à [AWS Innovate 온라인 컨퍼런스] 간단한 Python 코드만으로 높은 성능의 기계 학습 모델 만들기 - 김무현, AWS Sr.데이터 사이언티스트 (20)

From Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMakerFrom Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMaker
 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)
 
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
 
AWS re:Invent 2018 - ENT321 - SageMaker Workshop
AWS re:Invent 2018 - ENT321 - SageMaker WorkshopAWS re:Invent 2018 - ENT321 - SageMaker Workshop
AWS re:Invent 2018 - ENT321 - SageMaker Workshop
 
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...
 
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
 
An Introduction to Amazon SageMaker (October 2018)
An Introduction to Amazon SageMaker (October 2018)An Introduction to Amazon SageMaker (October 2018)
An Introduction to Amazon SageMaker (October 2018)
 
An introduction to Machine Learning with scikit-learn (October 2018)
An introduction to Machine Learning with scikit-learn (October 2018)An introduction to Machine Learning with scikit-learn (October 2018)
An introduction to Machine Learning with scikit-learn (October 2018)
 
Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)
 
16th Athens Big Data Meetup - 1st Talk - An Introduction to Machine Learning ...
16th Athens Big Data Meetup - 1st Talk - An Introduction to Machine Learning ...16th Athens Big Data Meetup - 1st Talk - An Introduction to Machine Learning ...
16th Athens Big Data Meetup - 1st Talk - An Introduction to Machine Learning ...
 
AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Am...
AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Am...AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Am...
AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Am...
 
ML Workflows with Amazon SageMaker and AWS Step Functions (API325) - AWS re:I...
ML Workflows with Amazon SageMaker and AWS Step Functions (API325) - AWS re:I...ML Workflows with Amazon SageMaker and AWS Step Functions (API325) - AWS re:I...
ML Workflows with Amazon SageMaker and AWS Step Functions (API325) - AWS re:I...
 
Build, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at ScaleBuild, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at Scale
 
Build Deep Learning Applications Using Apache MXNet - Featuring Chick-fil-A (...
Build Deep Learning Applications Using Apache MXNet - Featuring Chick-fil-A (...Build Deep Learning Applications Using Apache MXNet - Featuring Chick-fil-A (...
Build Deep Learning Applications Using Apache MXNet - Featuring Chick-fil-A (...
 
Build Deep Learning Applications Using Apache MXNet, Featuring Workday (AIM40...
Build Deep Learning Applications Using Apache MXNet, Featuring Workday (AIM40...Build Deep Learning Applications Using Apache MXNet, Featuring Workday (AIM40...
Build Deep Learning Applications Using Apache MXNet, Featuring Workday (AIM40...
 
Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)
 
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018Train & Deploy ML Models with Amazon Sagemaker: Collision 2018
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018
 
Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)
 
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
 
Amazon SageMaker workshop
Amazon SageMaker workshopAmazon SageMaker workshop
Amazon SageMaker workshop
 

Plus de Amazon Web Services Korea

Plus de Amazon Web Services Korea (20)

AWS Modern Infra with Storage Roadshow 2023 - Day 2
AWS Modern Infra with Storage Roadshow 2023 - Day 2AWS Modern Infra with Storage Roadshow 2023 - Day 2
AWS Modern Infra with Storage Roadshow 2023 - Day 2
 
AWS Modern Infra with Storage Roadshow 2023 - Day 1
AWS Modern Infra with Storage Roadshow 2023 - Day 1AWS Modern Infra with Storage Roadshow 2023 - Day 1
AWS Modern Infra with Storage Roadshow 2023 - Day 1
 
사례로 알아보는 Database Migration Service : 데이터베이스 및 데이터 이관, 통합, 분리, 분석의 도구 - 발표자: ...
사례로 알아보는 Database Migration Service : 데이터베이스 및 데이터 이관, 통합, 분리, 분석의 도구 - 발표자: ...사례로 알아보는 Database Migration Service : 데이터베이스 및 데이터 이관, 통합, 분리, 분석의 도구 - 발표자: ...
사례로 알아보는 Database Migration Service : 데이터베이스 및 데이터 이관, 통합, 분리, 분석의 도구 - 발표자: ...
 
Amazon DocumentDB - Architecture 및 Best Practice (Level 200) - 발표자: 장동훈, Sr. ...
Amazon DocumentDB - Architecture 및 Best Practice (Level 200) - 발표자: 장동훈, Sr. ...Amazon DocumentDB - Architecture 및 Best Practice (Level 200) - 발표자: 장동훈, Sr. ...
Amazon DocumentDB - Architecture 및 Best Practice (Level 200) - 발표자: 장동훈, Sr. ...
 
Amazon Elasticache - Fully managed, Redis & Memcached Compatible Service (Lev...
Amazon Elasticache - Fully managed, Redis & Memcached Compatible Service (Lev...Amazon Elasticache - Fully managed, Redis & Memcached Compatible Service (Lev...
Amazon Elasticache - Fully managed, Redis & Memcached Compatible Service (Lev...
 
Internal Architecture of Amazon Aurora (Level 400) - 발표자: 정달영, APAC RDS Speci...
Internal Architecture of Amazon Aurora (Level 400) - 발표자: 정달영, APAC RDS Speci...Internal Architecture of Amazon Aurora (Level 400) - 발표자: 정달영, APAC RDS Speci...
Internal Architecture of Amazon Aurora (Level 400) - 발표자: 정달영, APAC RDS Speci...
 
[Keynote] 슬기로운 AWS 데이터베이스 선택하기 - 발표자: 강민석, Korea Database SA Manager, WWSO, A...
[Keynote] 슬기로운 AWS 데이터베이스 선택하기 - 발표자: 강민석, Korea Database SA Manager, WWSO, A...[Keynote] 슬기로운 AWS 데이터베이스 선택하기 - 발표자: 강민석, Korea Database SA Manager, WWSO, A...
[Keynote] 슬기로운 AWS 데이터베이스 선택하기 - 발표자: 강민석, Korea Database SA Manager, WWSO, A...
 
Demystify Streaming on AWS - 발표자: 이종혁, Sr Analytics Specialist, WWSO, AWS :::...
Demystify Streaming on AWS - 발표자: 이종혁, Sr Analytics Specialist, WWSO, AWS :::...Demystify Streaming on AWS - 발표자: 이종혁, Sr Analytics Specialist, WWSO, AWS :::...
Demystify Streaming on AWS - 발표자: 이종혁, Sr Analytics Specialist, WWSO, AWS :::...
 
Amazon EMR - Enhancements on Cost/Performance, Serverless - 발표자: 김기영, Sr Anal...
Amazon EMR - Enhancements on Cost/Performance, Serverless - 발표자: 김기영, Sr Anal...Amazon EMR - Enhancements on Cost/Performance, Serverless - 발표자: 김기영, Sr Anal...
Amazon EMR - Enhancements on Cost/Performance, Serverless - 발표자: 김기영, Sr Anal...
 
Amazon OpenSearch - Use Cases, Security/Observability, Serverless and Enhance...
Amazon OpenSearch - Use Cases, Security/Observability, Serverless and Enhance...Amazon OpenSearch - Use Cases, Security/Observability, Serverless and Enhance...
Amazon OpenSearch - Use Cases, Security/Observability, Serverless and Enhance...
 
Enabling Agility with Data Governance - 발표자: 김성연, Analytics Specialist, WWSO,...
Enabling Agility with Data Governance - 발표자: 김성연, Analytics Specialist, WWSO,...Enabling Agility with Data Governance - 발표자: 김성연, Analytics Specialist, WWSO,...
Enabling Agility with Data Governance - 발표자: 김성연, Analytics Specialist, WWSO,...
 
Amazon Redshift Deep Dive - Serverless, Streaming, ML, Auto Copy (New feature...
Amazon Redshift Deep Dive - Serverless, Streaming, ML, Auto Copy (New feature...Amazon Redshift Deep Dive - Serverless, Streaming, ML, Auto Copy (New feature...
Amazon Redshift Deep Dive - Serverless, Streaming, ML, Auto Copy (New feature...
 
From Insights to Action, How to build and maintain a Data Driven Organization...
From Insights to Action, How to build and maintain a Data Driven Organization...From Insights to Action, How to build and maintain a Data Driven Organization...
From Insights to Action, How to build and maintain a Data Driven Organization...
 
[Keynote] Accelerating Business Outcomes with AWS Data - 발표자: Saeed Gharadagh...
[Keynote] Accelerating Business Outcomes with AWS Data - 발표자: Saeed Gharadagh...[Keynote] Accelerating Business Outcomes with AWS Data - 발표자: Saeed Gharadagh...
[Keynote] Accelerating Business Outcomes with AWS Data - 발표자: Saeed Gharadagh...
 
Amazon DynamoDB - Use Cases and Cost Optimization - 발표자: 이혁, DynamoDB Special...
Amazon DynamoDB - Use Cases and Cost Optimization - 발표자: 이혁, DynamoDB Special...Amazon DynamoDB - Use Cases and Cost Optimization - 발표자: 이혁, DynamoDB Special...
Amazon DynamoDB - Use Cases and Cost Optimization - 발표자: 이혁, DynamoDB Special...
 
LG전자 - Amazon Aurora 및 RDS 블루/그린 배포를 이용한 데이터베이스 업그레이드 안정성 확보 - 발표자: 이은경 책임, L...
LG전자 - Amazon Aurora 및 RDS 블루/그린 배포를 이용한 데이터베이스 업그레이드 안정성 확보 - 발표자: 이은경 책임, L...LG전자 - Amazon Aurora 및 RDS 블루/그린 배포를 이용한 데이터베이스 업그레이드 안정성 확보 - 발표자: 이은경 책임, L...
LG전자 - Amazon Aurora 및 RDS 블루/그린 배포를 이용한 데이터베이스 업그레이드 안정성 확보 - 발표자: 이은경 책임, L...
 
KB국민카드 - 클라우드 기반 분석 플랫폼 혁신 여정 - 발표자: 박창용 과장, 데이터전략본부, AI혁신부, KB카드│강병억, Soluti...
KB국민카드 - 클라우드 기반 분석 플랫폼 혁신 여정 - 발표자: 박창용 과장, 데이터전략본부, AI혁신부, KB카드│강병억, Soluti...KB국민카드 - 클라우드 기반 분석 플랫폼 혁신 여정 - 발표자: 박창용 과장, 데이터전략본부, AI혁신부, KB카드│강병억, Soluti...
KB국민카드 - 클라우드 기반 분석 플랫폼 혁신 여정 - 발표자: 박창용 과장, 데이터전략본부, AI혁신부, KB카드│강병억, Soluti...
 
SK Telecom - 망관리 프로젝트 TANGO의 오픈소스 데이터베이스 전환 여정 - 발표자 : 박승전, Project Manager, ...
SK Telecom - 망관리 프로젝트 TANGO의 오픈소스 데이터베이스 전환 여정 - 발표자 : 박승전, Project Manager, ...SK Telecom - 망관리 프로젝트 TANGO의 오픈소스 데이터베이스 전환 여정 - 발표자 : 박승전, Project Manager, ...
SK Telecom - 망관리 프로젝트 TANGO의 오픈소스 데이터베이스 전환 여정 - 발표자 : 박승전, Project Manager, ...
 
코리안리 - 데이터 분석 플랫폼 구축 여정, 그 시작과 과제 - 발표자: 김석기 그룹장, 데이터비즈니스센터, 메가존클라우드 ::: AWS ...
코리안리 - 데이터 분석 플랫폼 구축 여정, 그 시작과 과제 - 발표자: 김석기 그룹장, 데이터비즈니스센터, 메가존클라우드 ::: AWS ...코리안리 - 데이터 분석 플랫폼 구축 여정, 그 시작과 과제 - 발표자: 김석기 그룹장, 데이터비즈니스센터, 메가존클라우드 ::: AWS ...
코리안리 - 데이터 분석 플랫폼 구축 여정, 그 시작과 과제 - 발표자: 김석기 그룹장, 데이터비즈니스센터, 메가존클라우드 ::: AWS ...
 
LG 이노텍 - Amazon Redshift Serverless를 활용한 데이터 분석 플랫폼 혁신 과정 - 발표자: 유재상 선임, LG이노...
LG 이노텍 - Amazon Redshift Serverless를 활용한 데이터 분석 플랫폼 혁신 과정 - 발표자: 유재상 선임, LG이노...LG 이노텍 - Amazon Redshift Serverless를 활용한 데이터 분석 플랫폼 혁신 과정 - 발표자: 유재상 선임, LG이노...
LG 이노텍 - Amazon Redshift Serverless를 활용한 데이터 분석 플랫폼 혁신 과정 - 발표자: 유재상 선임, LG이노...
 

Dernier

Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native Applications
WSO2
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Safe Software
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
panagenda
 
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
?#DUbAI#??##{{(☎️+971_581248768%)**%*]'#abortion pills for sale in dubai@
 

Dernier (20)

ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt Robison
 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
 
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
 
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWEREMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptx
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor Presentation
 
Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native Applications
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
MS Copilot expands with MS Graph connectors
MS Copilot expands with MS Graph connectorsMS Copilot expands with MS Graph connectors
MS Copilot expands with MS Graph connectors
 
GenAI Risks & Security Meetup 01052024.pdf
GenAI Risks & Security Meetup 01052024.pdfGenAI Risks & Security Meetup 01052024.pdf
GenAI Risks & Security Meetup 01052024.pdf
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
 
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
 
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ..."I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
 
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
 

[AWS Innovate 온라인 컨퍼런스] 간단한 Python 코드만으로 높은 성능의 기계 학습 모델 만들기 - 김무현, AWS Sr.데이터 사이언티스트

  • 1.
  • 2. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Adding ML feature into your application using AutoGluon with no ML expertise Muhyun Kim Senior Data Scientist Amazon ML Solutions Lab, AWS
  • 3. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Common ML problems Regression Classification Tabular Prediction Image Classification Object Detection Text Classification
  • 4. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. How to solve ML problems
  • 5. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Required skills in building ML models Data science for feature engineering Machine Learning and Deep Learning for modeling Model tuning experience ML and DL toolkits such as scikit-learn, TensorFlow, PyTorch, MXNet
  • 6. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Do I need to learn machine learning or deep learning and ML/DL framework as an application developer or data analysist?
  • 7. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. AutoML “Automated machine learning (AutoML) is the process of automating the process of applying machine learning to real-world problems. AutoML covers the complete pipeline from the raw dataset to the deployable machine learning model.” - Wikipedia Automated Machine Learning provides methods and processes to make Machine Learning available for non-Machine Learning experts, to improve efficiency of Machine Learning and to accelerate research on Machine Learning. - AutoML.org - Hyperparameter optimization - Meta-learning (learning to learn) - Neural architecture search
  • 8. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. AutoGluon - AutoML Toolkit for Deep Learning https://autogluon.mxnet.io
  • 9. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. AutoGluon for “All” Developers/Analysists with no ML skill Automating all ML pipeline - feature engineering - model selection - model training - hyperparameter optimization ML Experts • Quick model prototyping for baseline • Hyperparameter optimization • Optimizing custom models Researchers • Model optimization • Searching for new architectures
  • 10. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. What you can do with AutoGluon • Quick prototyping achieving the state-of-the-art performance for • Tabular prediction • Image classification • Object detection • Text classification • Customizing model searching • Hyperparameter optimization on model training in Python or PyTorch • Neural Architecture Searching
  • 11. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 12. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Simple 3 steps to get the best ML model Step 1. Prepare your dataset Step 2. Load the dataset for training ML Step 3. Call fit() to get the best ML model
  • 13. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. What happens behind the scene Loading the dataset for training ML - ML problem defined (binary/multiple classification or regression) - Feature engineering for each model being trained - Missing value handling - Splitting dataset into training and validation Calling fit() to get the best ML model - Training models - Hyperparameter optimization - Model selection
  • 14. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Common ML problems Regression Classification Tabular Prediction Image Classification Object Detection Text Classification
  • 15. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. ML algorithms for Tabular prediction • Random Forest • https://scikit- learn.org/stable/modules/generated/sklearn.ensemble.RandomForestClassifier.html • XT (Extremely randomized trees) • https://scikit- learn.org/stable/modules/generated/sklearn.ensemble.ExtraTreesClassifier.html • K-nearest neighbors • https://scikit- learn.org/stable/modules/generated/sklearn.neighbors.KNeighborsClassifier.html • CatBoost - gradient boosting on decision trees • https://catboost.ai/ • LightGBM • https://lightgbm.readthedocs.io • Neural Network
  • 16. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Let’s prepare a tabular dataset A structured data stored in CSV format where • each row represents an example and • each column presents the measurements of some variable or feature Files stored either in an Amazon S3 bucket or the local file system Some data found in “Adult data set (https://archive.ics.uci.edu/ml/datasets/adult)”
  • 17. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. # CUDA 10.0 and a GPU for object detection is recommended # We install MXNet to utilize deep learning models # For Linux with GPU installed pip install --upgrade mxnet-cu100 # For Linux without GPU pip install --upgrade mxnet # Install AutoGluon package pip install autogluon Step 0: Install AutoGluon
  • 18. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. from autogluon import TabularPrediction as task train_path = 'https://autogluon.s3.amazonaws.com/datasets/AdultIncomeBinaryClassification/train_data.csv’ train_data = task.Dataset(file_path=train_path) Step 1: Loading dataset file_path df feature_types subsample name
  • 19. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. predictor = task.fit(train_data, label='class', output_directory='ag-example-out/') Step 2: Training ML models
  • 20. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. parameters of fit() https://autogluon.mxnet.io/api/autogluon.task.html#autogluon.task.TabularPrediction.fit ‘random’ (random search), ‘skopt’ (SKopt Bayesian optimization), ‘grid’ (grid search), ‘hyperband’ (Hyperband), ‘rl’ (reinforcement learner) ‘mxboard’, ‘tensorboard’, ‘none’
  • 21. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. test_path = 'https://autogluon.s3.amazonaws.com/datasets/AdultIncomeBinaryClassification/test_data.csv' test_data = task.Dataset(file_path=test_path) leaderboard = predictor.leaderboard(test_data) Step 3: Evaluate the model
  • 22. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. predictor = task.load('ag-example-out/’) test_path = 'https://autogluon.s3.amazonaws.com/datasets/AdultIncomeBinaryClassification/test_data.csv' test_data = task.Dataset(file_path=test_path) y_test = test_data['class'] test_data_nolabel = test_data.drop(labels=['class'],axis=1) y_pred = predictor.predict(test_data_nolabel) Step 4: Use the model in your app
  • 23. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. parameters of predict() https://autogluon.mxnet.io/api/autogluon.task.html#autogluon.task.tabular_prediction.TabularPredictor.predict dataset : `TabularDataset` or `pandas.DataFrame` The dataset to make predictions for. Should contain same column names as training Dataset and follow same format model : str (optional) The name of the model to get predictions from. Defaults to None, which uses the highest scoring model on the validation set. as_pandas : bool (optional) Whether to return the output as a pandas Series (True) or numpy array (False) use_pred_cache : bool (optional) Whether to used previously-cached predictions for table rows we have already predicted on before add_to_pred_cache : bool (optional) Whether these predictions should be cached for reuse in future `predict()` calls on the same table rows
  • 24. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 25. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Image classification from autogluon import ImageClassification as task # Loading dataset dataset = task.Dataset('./data/shopeeiet/train’) # Train image classification models time_limits = 10 * 60 # 10mins classifier = task.fit(dataset, time_limits=time_limits, ngpus_per_trial=1) # Test the trained model test_dataset = task.Dataset('./data/shopeeiet/test') inds, probs, probs_all = classifier.predict(test_dataset) shopeeiet/train ├── BabyBibs ├── BabyHat ├── BabyPants ├── ... shopeeiet/test ├── ...
  • 26. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. For advanced features of AutoGluon Other AutoML tasks - Image classification - Object detection - Text classification Hyperparameter optimization - Hyperparameter search space and search algorithm customization - Distributed search Neural architecture search - ENAS/ProxylessNAS
  • 27. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Efficient NAS on Target Hardware: ProxylessNAS https://autogluon.mxnet.io/tutorials/nas/enas_mnist.html (Source) PROXYLESSNAS: DIRECTNEURALARCHITECTURESEARCH ONTARGETTASK ANDHARDWARE
  • 28. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. More toolkits for developers
  • 29. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Resources AutoGluon (https://autogluon.mxnet.io) GluonCV (https://gluon-cv.mxnet.io) AWS Computer Vision: Getting started with GluonCV (https://www.coursera.org/learn/aws-computer-vision-gluoncv) Deep Java Library (https://djl.ai) Dive into Deep Learning (https://d2l.ai, https://ko.d2l.ai) Machine Learning on AWS (https://ml.aws) Amazon Machine Learning Solutions Lab (https://aws.amazon.com/ml-solutions-lab)
  • 30. © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. AWS 머신러닝(ML) 교육 및 자격증 Amazon의 개발자와 데이터 과학자를 교육하는 데 직접 활용 되었던 커리큘럼을 기반으로 학습하세요! 전체 팀을 위한 머신러닝 교육 원하는 방법으로! 교육 유연성 제공 전문성에 대한 검증 비즈니스 의사 결정자, 데이터 과학자, 개발자, 데이터 플랫폼 엔지니어 등 역할에 따라 제공되는 맞춤형 학습 경로를 확인하세요. 약 65개 이상의 온라인 과정 및 AWS 전문 강사를 통해 실습과 실적용의 기회가 제공되는 강의실 교육이 준비되어 있습니다. 업계에서 인정받는 ‘AWS 공인 머신러닝 – 전문분야’ 자격증을 통해 머신러닝 모델을 구축, 학습, 튜닝 및 배포하는 데 필요한 전문 지식이 있음을 입증할 수 있습니다. https://aws.amazon.com/ko/training /learning-paths/machine-learning/
  • 31. Thank you! © 2020, Amazon Web Services, Inc. or its affiliates. All rights reserved. Muhyun Kim muhyun@amazon.com