SlideShare uma empresa Scribd logo
1 de 56
Baixar para ler offline
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Samir Araújo
AI Solutions Architect
Session BDA304
Construindo aplicações de Deep
Learning com TensorFlow e Amazon
SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
IA em 2018 (não 2020) — Algumas aplicações de ML
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
• Fundação de IA
• Apps Inteligentes & Analytics
• IoT Inteligente
• Cloud na borda
• Gêmeos Digitais
• Experiencias Imersivas
• Plataforma coversacionais
• Blockchain
• Eventos
• Confiança contínua de risco adaptável
10 Tendências estratégicas para 2018 — Gartner
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
• Fundação de IA
• Apps Inteligentes & Analytics
• IoT Inteligente
• Cloud na borda
• Gêmeos Digitais
• Experiencias Imersivas
• Plataforma coversacionais
• Blockchain
• Eventos
• Confiança contínua de risco adaptável
10 Tendências estratégicas para 2018 — Gartner
Envolve IA
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
ML é o novo campo de batalha
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Amazon S3 Amazon Glacier AWS Glue Data Lake
Amazon Redshift +
Spectrum
EMR AthenaKinesis Analytics
Plataforma
&
Ferramentas
Serviços
Amazon
Rekognition
Lex
Polly Translate
Transcribe Comprehend
Snowball
AWS é o centro de gravidade para ML
AWS IoT
Snowmobile
DBS Migration
AWS Greengrass
ML
Borda
MTurk
Kinesis
Amazon SageMakerGPU
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Machine Learning é parte de um Pipeline
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Data lake Algoritimo Modelo
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Data lake Algoritimo Modelo
Predição
Novos Dados
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Imagens Rede Neural
Convolucional
Modelo
Objetos, localização, faces
Nova Imagem
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Inventário Cluster
K-means
Modelo
Segmentação de clientes
Novo item
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Compras Regressão
Logistica
Modelo
Risco de fraude
Nova compra
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Data lake Algoritimo Modelo
Predição
Novo dadoAmazon
SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Algoritimo
como serviço
+ código aberto
Data lake Modelo
Predição
Novo dadoAmazon
SageMaker
Modelo
treinamento
& otimização
Modelo
altamente
disponivel
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Inferencia
com baixa
latência
Algoritimo
como serviço
+ código aberto
Data lake Modelo
Predição
Novo dadoAmazon
SageMaker
Modelo
treinamento
& otimização
Modelo
altamente
disponivel
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Algoritimo
como serviço
+ código aberto
Data lake
Amazon
SageMaker
DeepAR
BlazingText
Matriz de factorização
K-Means
PCA
LDA
Classificação de imagens
Seq2Seq
XGBoost
NTM
Aprendiz linear
BYOA
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Adicionando inferência além da nuvem
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Data lake Algoritimo Modelo
Amazon
SageMaker Greengrass ML
Borda
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Plataforma
&
Ferramentas
Plataforma e Ferramentas de IA
Amazon SageMaker: Platforma de ML End-to-end
Facilita a construção, treinamento, e publicação de modelos de ML em produção
Machine learning
Amazon SageMakerGPU
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Plataforma e Ferramentas de IA
Plataforma
&
Ferramentas
Amazon SageMaker
Machine learning
+
Amazon SageMaker
Amazon SageMaker: Platforma de ML End-to-end
Facilita a construção, treinamento, e publicação de modelos de ML em produção
GPU
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Plataforma e Ferramentas de IA
Plataforma
&
Ferramentas
Amazon SageMaker
Machine learning
+
Amazon SageMaker
Agregação de dados, anotação e
analytics
Amazon SageMaker: Platforma de ML End-to-end
Facilita a construção, treinamento, e publicação de modelos de ML em produção
GPU
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Plataforma e Ferramentas de IA
Plataforma
&
Ferramentas
Amazon SageMakerGPU
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Clientes do Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Construa teu modelo com
no Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Passo 1: Workspace do Data Science
Amazon SageMaker. Instância
preparada com Jupiter Notebook
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Passo 2: Introdução à Tensorflow
Exemplos de notebooks no Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Source: https://en.wikipedia.org/wiki/Neuron
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Conceitos Básicos
import numpy as np
import tensorflow as tf
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Tensores
import numpy as np
import tensorflow as tf
# Tensors and nodes
with tf.name_scope("sample_nodes"):
node_1 = tf.placeholder(tf.float32, shape=(None,28), name="tensor_1")
tensor_2 = tf.fill((2,5), 10, name="tensor_2")
tensor_3 = tf.fill((5,4), 10, name="tensor_3")
Conceitos Básicos
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
import numpy as np
import tensorflow as tf
# Tensors and nodes
with tf.name_scope("sample_nodes"):
node_1 = tf.placeholder(tf.float32, shape=(None,28), name="tensor_1")
tensor_2 = tf.fill((2,5), 10, name="tensor_2")
tensor_3 = tf.fill((5,4), 10, name="tensor_3")
# Sample operation
with tf.name_scope("sample_op"):
res1 = tf.matmul(tensor_2, tensor_3, name="matrix_multiplication")
Nós
Conceitos Básicos
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
import numpy as np
import tensorflow as tf
# Tensors and nodes
with tf.name_scope("sample_nodes"):
node_1 = tf.placeholder(tf.float32, shape=(None,28), name="tensor_1")
tensor_2 = tf.fill((2,5), 10, name="tensor_2")
tensor_3 = tf.fill((5,4), 10, name="tensor_3")
# Sample operation
with tf.name_scope("sample_op"):
res1 = tf.matmul(tensor_2, tensor_3, name="matrix_multiplication")
# Variables and Operations overload
with tf.name_scope("sample_graph"):
a = tf.Variable(initial_value=3.5, dtype= tf.float32, name="a")
b = tf.Variable(initial_value=5.2, dtype=tf.float32, name="b")
c = tf.Variable(initial_value=0.25, dtype=tf.float32, name="c")
# Operation overload
u = tf.add((2 * a), (6 * b), name="u")
J = tf.add((3 * u), c, name="J")
Gráfo Computacional
Conceitos Básicos
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
import numpy as np
import tensorflow as tf
# Tensors and nodes
with tf.name_scope("sample_nodes"):
node_1 = tf.placeholder(tf.float32, shape=(None,28), name="tensor_1")
tensor_2 = tf.fill((2,5), 10, name="tensor_2")
tensor_3 = tf.fill((5,4), 10, name="tensor_3")
# Sample operation
with tf.name_scope("sample_op"):
res1 = tf.matmul(tensor_2, tensor_3, name="matrix_multiplication")
# Variables and Operations overload
with tf.name_scope("sample_graph"):
a = tf.Variable(initial_value=3.5, dtype= tf.float32, name="a")
b = tf.Variable(initial_value=5.2, dtype=tf.float32, name="b")
c = tf.Variable(initial_value=0.25, dtype=tf.float32, name="c")
# Operation overload
u = tf.add((2 * a), (6 * b), name="u")
J = tf.add((3 * u), c, name="J")
# Variables initialization and session execution
init = tf.global_variables_initializer()
with tf.Session() as s:
init.run()
result1 = s.run(res1)
result2 = s.run(J)
Inicialização da sessão
e execução
Conceitos Básicos
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Passo 3: Tensorflow no
Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
com Amazon SageMaker
e SDK Python
import os
import sagemaker
from sagemaker import get_execution_role
sagemaker_session = sagemaker.Session()
role = get_execution_role()
1) Importar pacotes
2) Iniciar uma seção no Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
# Upload data to S3 bucket
inputs = sagemaker_session.upload_data(
path='/tmp/cifar10_data',
key_prefix='data/cifar10')
# Create a training job using sagemaker.TensorFlow estimator
from sagemaker.tensorflow import TensorFlow
source_dir = os.path.join(os.getcwd(), 'source_dir')
estimator = TensorFlow(entry_point='resnet_cifar_10.py',
source_dir=source_dir,
role=role,
training_steps=1000, evaluation_steps=100,
train_instance_count=5, train_instance_type='ml.c4.xlarge',
base_job_name='tensorboard-example')
estimator.fit(inputs, run_tensorboard_locally=True)
import os
import sagemaker
from sagemaker import get_execution_role
sagemaker_session = sagemaker.Session()
role = get_execution_role()
1) Importar pacotes
2) Iniciar uma seção no Amazon SageMaker
3) Criar um job de Treinamento
i. Usar o objeto Tensorflow Estimator
ii. Coloque seu script no source_dir
4. Fit the Estimator, e inicie TensorBoard
com Amazon SageMaker
e SDK Python
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
# Upload data to S3 bucket
inputs = sagemaker_session.upload_data(
path='/tmp/cifar10_data',
key_prefix='data/cifar10')
# Create a training job using sagemaker.TensorFlow estimator
from sagemaker.tensorflow import TensorFlow
source_dir = os.path.join(os.getcwd(), 'source_dir')
estimator = TensorFlow(entry_point='resnet_cifar_10.py',
source_dir=source_dir,
role=role,
training_steps=1000, evaluation_steps=100,
train_instance_count=5, train_instance_type='ml.c4.xlarge',
base_job_name='tensorboard-example')
estimator.fit(inputs, run_tensorboard_locally=True)
# Deploy the trained model for predictions
predictor = estimator.deploy(
initial_instance_count=1,
instance_type='ml.m4.xlarge')
import os
import sagemaker
from sagemaker import get_execution_role
sagemaker_session = sagemaker.Session()
role = get_execution_role()
5) Faça o deploy do modelo treinado para predições
1) Importar pacotes
2) Iniciar uma seção no Amazon SageMaker
3) Criar um job de Treinamento
i. Usar o objeto Tensorflow Estimator
ii. Coloque seu script no source_dir
4. Fit the Estimator, e inicie TensorBoard
com Amazon SageMaker
e SDK Python
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
6) Log em tempo real
com Amazon SageMaker
e SDK Python
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
7) Suporte ao TensorBoard
com Amazon SageMaker
e SDK Python
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
7) CloudWatch Logs
com Amazon SageMaker
e SDK Python
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Iniciando com
Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Amazon SageMaker
Algoritimos e Notebooks
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Workshops e treinamento AWS DeepLens
Amazon SageMaker
Algoritimos e Notebooks
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Amazon ML Solutions Lab
Workshops e treinamento AWS DeepLens
Amazon SageMaker
Algoritimos e Notebooks
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Amazon SageMaker
aws.amazon.com/sagemaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Kunumi - Rodrigo Borges
ML/Software Engineer
Diagnóstico de Alzheimer
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
“Infraestrutura de Deep Learning da
AWS para diagnóstico de Alzheimer”
“A infraestrutura de Deep
Learning da AWS
simplifica bastante o
treinamento de redes
neurais”
- Eduardo Nigri,
Data Scientist
A Kunumi é uma start-up de
Inteligência Artificial aplicada para
solucionar vários tipos de problema
em diferentes mercados
Foco em modelos preditivos
utilizando Machine Learning e
desenvolvimento de pesquisa na
área
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
O Desafio
Classificação de imagens de
ressonância magnética para diagnóstico
de Alzheimer
Imagens 3D de alta complexidade
Necessário treinamento em GPU
(treino ~13x mais rápido que em CPU)
Volume de dados: ~2500 imagens
Crédito: https://www.alz.org
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Solução
Saudável
ou
Alzheimer
Rede Neural Convolucional
AWS Deep Learning AMIs
(Amazon Machine Images)
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Solução
● Arquitetura de rede convolucional: VGG (16 camadas)
● Taxa de acerto de 85%
● Regiões com evidência de Alzheimer:
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Por favor complete o survey da seção no app
do AWS Summit SP
Submit Session Feedback
1. Tap the Schedule icon. 2. Select the session you
attended.
3. Tap Session Evaluation
to submit your feedback.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Obrigado.

Mais conteúdo relacionado

Mais procurados

Building Massively Parallel Event-Driven Architectures (SRV373-R1) - AWS re:I...
Building Massively Parallel Event-Driven Architectures (SRV373-R1) - AWS re:I...Building Massively Parallel Event-Driven Architectures (SRV373-R1) - AWS re:I...
Building Massively Parallel Event-Driven Architectures (SRV373-R1) - AWS re:I...Amazon Web Services
 
Serverless 개발에서의 인증 완벽 가이드::박선용::AWS Summit Seoul 2018
Serverless 개발에서의 인증 완벽 가이드::박선용::AWS Summit Seoul 2018Serverless 개발에서의 인증 완벽 가이드::박선용::AWS Summit Seoul 2018
Serverless 개발에서의 인증 완벽 가이드::박선용::AWS Summit Seoul 2018Amazon Web Services Korea
 
AWS Lambda를 통한 Tensorflow 및 Keras 기반 추론 모델 서비스하기 :: 이준범 :: AWS Summit Seoul 2018
AWS Lambda를 통한 Tensorflow 및 Keras 기반 추론 모델 서비스하기 :: 이준범 :: AWS Summit Seoul 2018AWS Lambda를 통한 Tensorflow 및 Keras 기반 추론 모델 서비스하기 :: 이준범 :: AWS Summit Seoul 2018
AWS Lambda를 통한 Tensorflow 및 Keras 기반 추론 모델 서비스하기 :: 이준범 :: AWS Summit Seoul 2018Amazon Web Services Korea
 
Launch Applications the Amazon Way: AWS Startup Day - New York 2018
Launch Applications the Amazon Way: AWS Startup Day - New York 2018Launch Applications the Amazon Way: AWS Startup Day - New York 2018
Launch Applications the Amazon Way: AWS Startup Day - New York 2018Amazon Web Services
 
AWS Dev Lounge: Applying the Twelve-Factor Application Manifesto to Developin...
AWS Dev Lounge: Applying the Twelve-Factor Application Manifesto to Developin...AWS Dev Lounge: Applying the Twelve-Factor Application Manifesto to Developin...
AWS Dev Lounge: Applying the Twelve-Factor Application Manifesto to Developin...Amazon Web Services
 
Building Well Architected .NET Apps (WIN304) - AWS re:Invent 2018
Building Well Architected .NET Apps (WIN304) - AWS re:Invent 2018Building Well Architected .NET Apps (WIN304) - AWS re:Invent 2018
Building Well Architected .NET Apps (WIN304) - AWS re:Invent 2018Amazon Web Services
 
국내 미디어 고객사의 AWS 활용 사례 - POOQ 서비스, 콘텐츠연합플랫폼::조휘열::AWS Summit Seoul 2018
국내 미디어 고객사의 AWS 활용 사례 - POOQ 서비스, 콘텐츠연합플랫폼::조휘열::AWS Summit Seoul 2018국내 미디어 고객사의 AWS 활용 사례 - POOQ 서비스, 콘텐츠연합플랫폼::조휘열::AWS Summit Seoul 2018
국내 미디어 고객사의 AWS 활용 사례 - POOQ 서비스, 콘텐츠연합플랫폼::조휘열::AWS Summit Seoul 2018Amazon Web Services Korea
 
Amazon SageMaker 推論エンドポイントを利用したアプリケーション開発
Amazon SageMaker 推論エンドポイントを利用したアプリケーション開発Amazon SageMaker 推論エンドポイントを利用したアプリケーション開発
Amazon SageMaker 推論エンドポイントを利用したアプリケーション開発Amazon Web Services Japan
 
[REPEAT] Iterating Towards a Cloud-Enabled IT Organization (ENT204-R) - AWS r...
[REPEAT] Iterating Towards a Cloud-Enabled IT Organization (ENT204-R) - AWS r...[REPEAT] Iterating Towards a Cloud-Enabled IT Organization (ENT204-R) - AWS r...
[REPEAT] Iterating Towards a Cloud-Enabled IT Organization (ENT204-R) - AWS r...Amazon Web Services
 
[AWS Container Service] Getting Started with Cloud Map, App Mesh and Firecracker
[AWS Container Service] Getting Started with Cloud Map, App Mesh and Firecracker[AWS Container Service] Getting Started with Cloud Map, App Mesh and Firecracker
[AWS Container Service] Getting Started with Cloud Map, App Mesh and FirecrackerAmazon Web Services Korea
 
BDA308 Deep Dive: Log Analytics with Amazon Elasticsearch Service
BDA308 Deep Dive: Log Analytics with Amazon Elasticsearch ServiceBDA308 Deep Dive: Log Analytics with Amazon Elasticsearch Service
BDA308 Deep Dive: Log Analytics with Amazon Elasticsearch ServiceAmazon Web Services
 
AWS Data Immersion Webinar Week - Entenda como a AWS pode te ajudar em obter ...
AWS Data Immersion Webinar Week - Entenda como a AWS pode te ajudar em obter ...AWS Data Immersion Webinar Week - Entenda como a AWS pode te ajudar em obter ...
AWS Data Immersion Webinar Week - Entenda como a AWS pode te ajudar em obter ...Amazon Web Services LATAM
 
使用 AWS 無伺服器化應用程式模型 (SAM) 釋放您的 "敏捷" 能量 (Level 300)
使用 AWS 無伺服器化應用程式模型 (SAM) 釋放您的 "敏捷" 能量 (Level 300)使用 AWS 無伺服器化應用程式模型 (SAM) 釋放您的 "敏捷" 能量 (Level 300)
使用 AWS 無伺服器化應用程式模型 (SAM) 釋放您的 "敏捷" 能量 (Level 300)Amazon Web Services
 
[AWS Dev Day] 앱 현대화 | DevOps 개발자가 되기 위한 쿠버네티스 핵심 활용 예제 알아보기 - 정영준 AWS 솔루션즈 아키...
[AWS Dev Day] 앱 현대화 | DevOps 개발자가 되기 위한 쿠버네티스 핵심 활용 예제 알아보기 - 정영준 AWS 솔루션즈 아키...[AWS Dev Day] 앱 현대화 | DevOps 개발자가 되기 위한 쿠버네티스 핵심 활용 예제 알아보기 - 정영준 AWS 솔루션즈 아키...
[AWS Dev Day] 앱 현대화 | DevOps 개발자가 되기 위한 쿠버네티스 핵심 활용 예제 알아보기 - 정영준 AWS 솔루션즈 아키...Amazon Web Services Korea
 
OTT 成功的關鍵:打造影劇品質監控儀表板 (Level: 200)
OTT 成功的關鍵:打造影劇品質監控儀表板 (Level: 200)OTT 成功的關鍵:打造影劇品質監控儀表板 (Level: 200)
OTT 成功的關鍵:打造影劇品質監控儀表板 (Level: 200)Amazon Web Services
 
[AWS Innovate 온라인 컨퍼런스] Kubernetes와 SageMaker를 활용하여 Machine Learning 워크로드 관리하...
[AWS Innovate 온라인 컨퍼런스] Kubernetes와 SageMaker를 활용하여 Machine Learning 워크로드 관리하...[AWS Innovate 온라인 컨퍼런스] Kubernetes와 SageMaker를 활용하여 Machine Learning 워크로드 관리하...
[AWS Innovate 온라인 컨퍼런스] Kubernetes와 SageMaker를 활용하여 Machine Learning 워크로드 관리하...Amazon Web Services Korea
 
使用 AWS EKS 打造高效原生雲端 (Cloud Native ) 設計 (Level 400)
使用 AWS EKS 打造高效原生雲端 (Cloud Native ) 設計 (Level 400)使用 AWS EKS 打造高效原生雲端 (Cloud Native ) 設計 (Level 400)
使用 AWS EKS 打造高效原生雲端 (Cloud Native ) 設計 (Level 400)Amazon Web Services
 
Best Practices for CI/CD with AWS Lambda and Amazon API Gateway (SRV355-R1) -...
Best Practices for CI/CD with AWS Lambda and Amazon API Gateway (SRV355-R1) -...Best Practices for CI/CD with AWS Lambda and Amazon API Gateway (SRV355-R1) -...
Best Practices for CI/CD with AWS Lambda and Amazon API Gateway (SRV355-R1) -...Amazon Web Services
 
Amazon Elastic Fabric Adapter: Anatomy, Capabilities, and the Road Ahead
Amazon Elastic Fabric Adapter: Anatomy, Capabilities, and the Road AheadAmazon Elastic Fabric Adapter: Anatomy, Capabilities, and the Road Ahead
Amazon Elastic Fabric Adapter: Anatomy, Capabilities, and the Road Aheadinside-BigData.com
 

Mais procurados (20)

Building Massively Parallel Event-Driven Architectures (SRV373-R1) - AWS re:I...
Building Massively Parallel Event-Driven Architectures (SRV373-R1) - AWS re:I...Building Massively Parallel Event-Driven Architectures (SRV373-R1) - AWS re:I...
Building Massively Parallel Event-Driven Architectures (SRV373-R1) - AWS re:I...
 
Serverless 개발에서의 인증 완벽 가이드::박선용::AWS Summit Seoul 2018
Serverless 개발에서의 인증 완벽 가이드::박선용::AWS Summit Seoul 2018Serverless 개발에서의 인증 완벽 가이드::박선용::AWS Summit Seoul 2018
Serverless 개발에서의 인증 완벽 가이드::박선용::AWS Summit Seoul 2018
 
AWS Lambda를 통한 Tensorflow 및 Keras 기반 추론 모델 서비스하기 :: 이준범 :: AWS Summit Seoul 2018
AWS Lambda를 통한 Tensorflow 및 Keras 기반 추론 모델 서비스하기 :: 이준범 :: AWS Summit Seoul 2018AWS Lambda를 통한 Tensorflow 및 Keras 기반 추론 모델 서비스하기 :: 이준범 :: AWS Summit Seoul 2018
AWS Lambda를 통한 Tensorflow 및 Keras 기반 추론 모델 서비스하기 :: 이준범 :: AWS Summit Seoul 2018
 
Launch Applications the Amazon Way: AWS Startup Day - New York 2018
Launch Applications the Amazon Way: AWS Startup Day - New York 2018Launch Applications the Amazon Way: AWS Startup Day - New York 2018
Launch Applications the Amazon Way: AWS Startup Day - New York 2018
 
AWS Dev Lounge: Applying the Twelve-Factor Application Manifesto to Developin...
AWS Dev Lounge: Applying the Twelve-Factor Application Manifesto to Developin...AWS Dev Lounge: Applying the Twelve-Factor Application Manifesto to Developin...
AWS Dev Lounge: Applying the Twelve-Factor Application Manifesto to Developin...
 
AI & AWS DeepComposer
AI & AWS DeepComposerAI & AWS DeepComposer
AI & AWS DeepComposer
 
Building Well Architected .NET Apps (WIN304) - AWS re:Invent 2018
Building Well Architected .NET Apps (WIN304) - AWS re:Invent 2018Building Well Architected .NET Apps (WIN304) - AWS re:Invent 2018
Building Well Architected .NET Apps (WIN304) - AWS re:Invent 2018
 
국내 미디어 고객사의 AWS 활용 사례 - POOQ 서비스, 콘텐츠연합플랫폼::조휘열::AWS Summit Seoul 2018
국내 미디어 고객사의 AWS 활용 사례 - POOQ 서비스, 콘텐츠연합플랫폼::조휘열::AWS Summit Seoul 2018국내 미디어 고객사의 AWS 활용 사례 - POOQ 서비스, 콘텐츠연합플랫폼::조휘열::AWS Summit Seoul 2018
국내 미디어 고객사의 AWS 활용 사례 - POOQ 서비스, 콘텐츠연합플랫폼::조휘열::AWS Summit Seoul 2018
 
Amazon SageMaker 推論エンドポイントを利用したアプリケーション開発
Amazon SageMaker 推論エンドポイントを利用したアプリケーション開発Amazon SageMaker 推論エンドポイントを利用したアプリケーション開発
Amazon SageMaker 推論エンドポイントを利用したアプリケーション開発
 
[REPEAT] Iterating Towards a Cloud-Enabled IT Organization (ENT204-R) - AWS r...
[REPEAT] Iterating Towards a Cloud-Enabled IT Organization (ENT204-R) - AWS r...[REPEAT] Iterating Towards a Cloud-Enabled IT Organization (ENT204-R) - AWS r...
[REPEAT] Iterating Towards a Cloud-Enabled IT Organization (ENT204-R) - AWS r...
 
[AWS Container Service] Getting Started with Cloud Map, App Mesh and Firecracker
[AWS Container Service] Getting Started with Cloud Map, App Mesh and Firecracker[AWS Container Service] Getting Started with Cloud Map, App Mesh and Firecracker
[AWS Container Service] Getting Started with Cloud Map, App Mesh and Firecracker
 
BDA308 Deep Dive: Log Analytics with Amazon Elasticsearch Service
BDA308 Deep Dive: Log Analytics with Amazon Elasticsearch ServiceBDA308 Deep Dive: Log Analytics with Amazon Elasticsearch Service
BDA308 Deep Dive: Log Analytics with Amazon Elasticsearch Service
 
AWS Data Immersion Webinar Week - Entenda como a AWS pode te ajudar em obter ...
AWS Data Immersion Webinar Week - Entenda como a AWS pode te ajudar em obter ...AWS Data Immersion Webinar Week - Entenda como a AWS pode te ajudar em obter ...
AWS Data Immersion Webinar Week - Entenda como a AWS pode te ajudar em obter ...
 
使用 AWS 無伺服器化應用程式模型 (SAM) 釋放您的 "敏捷" 能量 (Level 300)
使用 AWS 無伺服器化應用程式模型 (SAM) 釋放您的 "敏捷" 能量 (Level 300)使用 AWS 無伺服器化應用程式模型 (SAM) 釋放您的 "敏捷" 能量 (Level 300)
使用 AWS 無伺服器化應用程式模型 (SAM) 釋放您的 "敏捷" 能量 (Level 300)
 
[AWS Dev Day] 앱 현대화 | DevOps 개발자가 되기 위한 쿠버네티스 핵심 활용 예제 알아보기 - 정영준 AWS 솔루션즈 아키...
[AWS Dev Day] 앱 현대화 | DevOps 개발자가 되기 위한 쿠버네티스 핵심 활용 예제 알아보기 - 정영준 AWS 솔루션즈 아키...[AWS Dev Day] 앱 현대화 | DevOps 개발자가 되기 위한 쿠버네티스 핵심 활용 예제 알아보기 - 정영준 AWS 솔루션즈 아키...
[AWS Dev Day] 앱 현대화 | DevOps 개발자가 되기 위한 쿠버네티스 핵심 활용 예제 알아보기 - 정영준 AWS 솔루션즈 아키...
 
OTT 成功的關鍵:打造影劇品質監控儀表板 (Level: 200)
OTT 成功的關鍵:打造影劇品質監控儀表板 (Level: 200)OTT 成功的關鍵:打造影劇品質監控儀表板 (Level: 200)
OTT 成功的關鍵:打造影劇品質監控儀表板 (Level: 200)
 
[AWS Innovate 온라인 컨퍼런스] Kubernetes와 SageMaker를 활용하여 Machine Learning 워크로드 관리하...
[AWS Innovate 온라인 컨퍼런스] Kubernetes와 SageMaker를 활용하여 Machine Learning 워크로드 관리하...[AWS Innovate 온라인 컨퍼런스] Kubernetes와 SageMaker를 활용하여 Machine Learning 워크로드 관리하...
[AWS Innovate 온라인 컨퍼런스] Kubernetes와 SageMaker를 활용하여 Machine Learning 워크로드 관리하...
 
使用 AWS EKS 打造高效原生雲端 (Cloud Native ) 設計 (Level 400)
使用 AWS EKS 打造高效原生雲端 (Cloud Native ) 設計 (Level 400)使用 AWS EKS 打造高效原生雲端 (Cloud Native ) 設計 (Level 400)
使用 AWS EKS 打造高效原生雲端 (Cloud Native ) 設計 (Level 400)
 
Best Practices for CI/CD with AWS Lambda and Amazon API Gateway (SRV355-R1) -...
Best Practices for CI/CD with AWS Lambda and Amazon API Gateway (SRV355-R1) -...Best Practices for CI/CD with AWS Lambda and Amazon API Gateway (SRV355-R1) -...
Best Practices for CI/CD with AWS Lambda and Amazon API Gateway (SRV355-R1) -...
 
Amazon Elastic Fabric Adapter: Anatomy, Capabilities, and the Road Ahead
Amazon Elastic Fabric Adapter: Anatomy, Capabilities, and the Road AheadAmazon Elastic Fabric Adapter: Anatomy, Capabilities, and the Road Ahead
Amazon Elastic Fabric Adapter: Anatomy, Capabilities, and the Road Ahead
 

Semelhante a Construindo Aplicações Deep Learning com TensorFlow e Amazon SageMaker - MCL302 - Sao Paulo Summit

Accelerate Machine Learning with Ease using Amazon SageMaker
Accelerate Machine Learning with Ease using Amazon SageMakerAccelerate Machine Learning with Ease using Amazon SageMaker
Accelerate Machine Learning with Ease using Amazon SageMakerAmazon Web Services
 
Accelerate Machine Learning with Ease Using Amazon SageMaker - BDA301 - Chica...
Accelerate Machine Learning with Ease Using Amazon SageMaker - BDA301 - Chica...Accelerate Machine Learning with Ease Using Amazon SageMaker - BDA301 - Chica...
Accelerate Machine Learning with Ease Using Amazon SageMaker - BDA301 - Chica...Amazon Web Services
 
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS SummitWork with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS SummitAmazon Web Services
 
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...Amazon Web Services
 
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 (...Amazon Web Services
 
Work with Machine Learning in Amazon SageMaker - BDA203 - Toronto AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Toronto AWS SummitWork with Machine Learning in Amazon SageMaker - BDA203 - Toronto AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Toronto AWS SummitAmazon Web Services
 
MLops workshop AWS
MLops workshop AWSMLops workshop AWS
MLops workshop AWSGili Nachum
 
Predicting the Future with Amazon SageMaker - AWS Summit Sydney 2018
Predicting the Future with Amazon SageMaker - AWS Summit Sydney 2018Predicting the Future with Amazon SageMaker - AWS Summit Sydney 2018
Predicting the Future with Amazon SageMaker - AWS Summit Sydney 2018Amazon Web Services
 
Demystifying Machine Learning On AWS - AWS Summit Sydney 2018
Demystifying Machine Learning On AWS - AWS Summit Sydney 2018Demystifying Machine Learning On AWS - AWS Summit Sydney 2018
Demystifying Machine Learning On AWS - AWS Summit Sydney 2018Amazon Web Services
 
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...Amazon Web Services
 
Amazon SageMaker Deep Dive for Builders
Amazon SageMaker Deep Dive for BuildersAmazon SageMaker Deep Dive for Builders
Amazon SageMaker Deep Dive for BuildersAmazon 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
 
[NEW LAUNCH!] Introducing Amazon Elastic Inference: Reduce Deep Learning Infe...
[NEW LAUNCH!] Introducing Amazon Elastic Inference: Reduce Deep Learning Infe...[NEW LAUNCH!] Introducing Amazon Elastic Inference: Reduce Deep Learning Infe...
[NEW LAUNCH!] Introducing Amazon Elastic Inference: Reduce Deep Learning Infe...Amazon Web Services
 
Build, train and deploy your ML models with Amazon Sage Maker
Build, train and deploy your ML models with Amazon Sage MakerBuild, train and deploy your ML models with Amazon Sage Maker
Build, train and deploy your ML models with Amazon Sage MakerAWS User Group Bengaluru
 
Machine Learning with Amazon SageMaker - Algorithms and Frameworks - BDA304 -...
Machine Learning with Amazon SageMaker - Algorithms and Frameworks - BDA304 -...Machine Learning with Amazon SageMaker - Algorithms and Frameworks - BDA304 -...
Machine Learning with Amazon SageMaker - Algorithms and Frameworks - BDA304 -...Amazon Web Services
 
Deep Learning Applications Using PyTorch, Featuring Facebook (AIM402-R) - AWS...
Deep Learning Applications Using PyTorch, Featuring Facebook (AIM402-R) - AWS...Deep Learning Applications Using PyTorch, Featuring Facebook (AIM402-R) - AWS...
Deep Learning Applications Using PyTorch, Featuring Facebook (AIM402-R) - AWS...Amazon Web Services
 
BDA301 Working with Machine Learning in Amazon SageMaker: Algorithms, Models,...
BDA301 Working with Machine Learning in Amazon SageMaker: Algorithms, Models,...BDA301 Working with Machine Learning in Amazon SageMaker: Algorithms, Models,...
BDA301 Working with Machine Learning in Amazon SageMaker: Algorithms, Models,...Amazon Web Services
 
AWS re:Invent 2018 - Machine Learning recap (December 2018)
AWS re:Invent 2018 - Machine Learning recap (December 2018)AWS re:Invent 2018 - Machine Learning recap (December 2018)
AWS re:Invent 2018 - Machine Learning recap (December 2018)Julien SIMON
 
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalisere:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon PersonaliseAmazon Web Services
 

Semelhante a Construindo Aplicações Deep Learning com TensorFlow e Amazon SageMaker - MCL302 - Sao Paulo Summit (20)

Accelerate Machine Learning with Ease using Amazon SageMaker
Accelerate Machine Learning with Ease using Amazon SageMakerAccelerate Machine Learning with Ease using Amazon SageMaker
Accelerate Machine Learning with Ease using Amazon SageMaker
 
Accelerate Machine Learning with Ease Using Amazon SageMaker - BDA301 - Chica...
Accelerate Machine Learning with Ease Using Amazon SageMaker - BDA301 - Chica...Accelerate Machine Learning with Ease Using Amazon SageMaker - BDA301 - Chica...
Accelerate Machine Learning with Ease Using Amazon SageMaker - BDA301 - Chica...
 
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS SummitWork with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
 
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...
 
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 (...
 
Work with Machine Learning in Amazon SageMaker - BDA203 - Toronto AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Toronto AWS SummitWork with Machine Learning in Amazon SageMaker - BDA203 - Toronto AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Toronto AWS Summit
 
MLops workshop AWS
MLops workshop AWSMLops workshop AWS
MLops workshop AWS
 
Predicting the Future with Amazon SageMaker - AWS Summit Sydney 2018
Predicting the Future with Amazon SageMaker - AWS Summit Sydney 2018Predicting the Future with Amazon SageMaker - AWS Summit Sydney 2018
Predicting the Future with Amazon SageMaker - AWS Summit Sydney 2018
 
Demystifying Machine Learning On AWS - AWS Summit Sydney 2018
Demystifying Machine Learning On AWS - AWS Summit Sydney 2018Demystifying Machine Learning On AWS - AWS Summit Sydney 2018
Demystifying Machine Learning On AWS - AWS Summit Sydney 2018
 
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
 
Amazon SageMaker Deep Dive for Builders
Amazon SageMaker Deep Dive for BuildersAmazon SageMaker Deep Dive for Builders
Amazon SageMaker Deep Dive for Builders
 
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...
 
[NEW LAUNCH!] Introducing Amazon Elastic Inference: Reduce Deep Learning Infe...
[NEW LAUNCH!] Introducing Amazon Elastic Inference: Reduce Deep Learning Infe...[NEW LAUNCH!] Introducing Amazon Elastic Inference: Reduce Deep Learning Infe...
[NEW LAUNCH!] Introducing Amazon Elastic Inference: Reduce Deep Learning Infe...
 
Build, train and deploy your ML models with Amazon Sage Maker
Build, train and deploy your ML models with Amazon Sage MakerBuild, train and deploy your ML models with Amazon Sage Maker
Build, train and deploy your ML models with Amazon Sage Maker
 
Machine Learning with Amazon SageMaker - Algorithms and Frameworks - BDA304 -...
Machine Learning with Amazon SageMaker - Algorithms and Frameworks - BDA304 -...Machine Learning with Amazon SageMaker - Algorithms and Frameworks - BDA304 -...
Machine Learning with Amazon SageMaker - Algorithms and Frameworks - BDA304 -...
 
Deep Learning Applications Using PyTorch, Featuring Facebook (AIM402-R) - AWS...
Deep Learning Applications Using PyTorch, Featuring Facebook (AIM402-R) - AWS...Deep Learning Applications Using PyTorch, Featuring Facebook (AIM402-R) - AWS...
Deep Learning Applications Using PyTorch, Featuring Facebook (AIM402-R) - AWS...
 
BDA301 Working with Machine Learning in Amazon SageMaker: Algorithms, Models,...
BDA301 Working with Machine Learning in Amazon SageMaker: Algorithms, Models,...BDA301 Working with Machine Learning in Amazon SageMaker: Algorithms, Models,...
BDA301 Working with Machine Learning in Amazon SageMaker: Algorithms, Models,...
 
AWS re:Invent 2018 - Machine Learning recap (December 2018)
AWS re:Invent 2018 - Machine Learning recap (December 2018)AWS re:Invent 2018 - Machine Learning recap (December 2018)
AWS re:Invent 2018 - Machine Learning recap (December 2018)
 
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalisere:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
 
re:Invent 2018: AI/ML Services
re:Invent 2018: AI/ML Servicesre:Invent 2018: AI/ML Services
re:Invent 2018: AI/ML Services
 

Mais de Amazon Web Services

Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Amazon Web Services
 
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...Amazon Web Services
 
Esegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateEsegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateAmazon Web Services
 
Costruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSCostruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSAmazon Web Services
 
Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Amazon Web Services
 
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...Amazon Web Services
 
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...Amazon Web Services
 
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsMicrosoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsAmazon Web Services
 
Database Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareDatabase Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareAmazon Web Services
 
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSCrea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSAmazon Web Services
 
API moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAPI moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAmazon Web Services
 
Database Oracle e VMware Cloud™ on AWS: i miti da sfatare
Database Oracle e VMware Cloud™ on AWS: i miti da sfatareDatabase Oracle e VMware Cloud™ on AWS: i miti da sfatare
Database Oracle e VMware Cloud™ on AWS: i miti da sfatareAmazon Web Services
 
Tools for building your MVP on AWS
Tools for building your MVP on AWSTools for building your MVP on AWS
Tools for building your MVP on AWSAmazon Web Services
 
How to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckHow to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckAmazon Web Services
 
Building a web application without servers
Building a web application without serversBuilding a web application without servers
Building a web application without serversAmazon Web Services
 
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...Amazon Web Services
 
Introduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceIntroduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceAmazon Web Services
 

Mais de Amazon Web Services (20)

Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
 
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
 
Esegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateEsegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS Fargate
 
Costruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSCostruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWS
 
Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot
 
Open banking as a service
Open banking as a serviceOpen banking as a service
Open banking as a service
 
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
 
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
 
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsMicrosoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
 
Computer Vision con AWS
Computer Vision con AWSComputer Vision con AWS
Computer Vision con AWS
 
Database Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareDatabase Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatare
 
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSCrea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
 
API moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAPI moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e web
 
Database Oracle e VMware Cloud™ on AWS: i miti da sfatare
Database Oracle e VMware Cloud™ on AWS: i miti da sfatareDatabase Oracle e VMware Cloud™ on AWS: i miti da sfatare
Database Oracle e VMware Cloud™ on AWS: i miti da sfatare
 
Tools for building your MVP on AWS
Tools for building your MVP on AWSTools for building your MVP on AWS
Tools for building your MVP on AWS
 
How to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckHow to Build a Winning Pitch Deck
How to Build a Winning Pitch Deck
 
Building a web application without servers
Building a web application without serversBuilding a web application without servers
Building a web application without servers
 
Fundraising Essentials
Fundraising EssentialsFundraising Essentials
Fundraising Essentials
 
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
 
Introduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceIntroduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container Service
 

Construindo Aplicações Deep Learning com TensorFlow e Amazon SageMaker - MCL302 - Sao Paulo Summit

  • 1. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Samir Araújo AI Solutions Architect Session BDA304 Construindo aplicações de Deep Learning com TensorFlow e Amazon SageMaker
  • 2. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. IA em 2018 (não 2020) — Algumas aplicações de ML
  • 3. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. • Fundação de IA • Apps Inteligentes & Analytics • IoT Inteligente • Cloud na borda • Gêmeos Digitais • Experiencias Imersivas • Plataforma coversacionais • Blockchain • Eventos • Confiança contínua de risco adaptável 10 Tendências estratégicas para 2018 — Gartner
  • 4. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. • Fundação de IA • Apps Inteligentes & Analytics • IoT Inteligente • Cloud na borda • Gêmeos Digitais • Experiencias Imersivas • Plataforma coversacionais • Blockchain • Eventos • Confiança contínua de risco adaptável 10 Tendências estratégicas para 2018 — Gartner Envolve IA
  • 5. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. ML é o novo campo de batalha
  • 6. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 7. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 8. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Amazon S3 Amazon Glacier AWS Glue Data Lake Amazon Redshift + Spectrum EMR AthenaKinesis Analytics Plataforma & Ferramentas Serviços Amazon Rekognition Lex Polly Translate Transcribe Comprehend Snowball AWS é o centro de gravidade para ML AWS IoT Snowmobile DBS Migration AWS Greengrass ML Borda MTurk Kinesis Amazon SageMakerGPU
  • 9. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Amazon SageMaker
  • 10. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Machine Learning é parte de um Pipeline
  • 11. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Data lake Algoritimo Modelo
  • 12. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Data lake Algoritimo Modelo Predição Novos Dados
  • 13. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Imagens Rede Neural Convolucional Modelo Objetos, localização, faces Nova Imagem
  • 14. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Inventário Cluster K-means Modelo Segmentação de clientes Novo item
  • 15. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Compras Regressão Logistica Modelo Risco de fraude Nova compra
  • 16. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Data lake Algoritimo Modelo Predição Novo dadoAmazon SageMaker
  • 17. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Algoritimo como serviço + código aberto Data lake Modelo Predição Novo dadoAmazon SageMaker Modelo treinamento & otimização Modelo altamente disponivel
  • 18. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Inferencia com baixa latência Algoritimo como serviço + código aberto Data lake Modelo Predição Novo dadoAmazon SageMaker Modelo treinamento & otimização Modelo altamente disponivel
  • 19. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Algoritimo como serviço + código aberto Data lake Amazon SageMaker DeepAR BlazingText Matriz de factorização K-Means PCA LDA Classificação de imagens Seq2Seq XGBoost NTM Aprendiz linear BYOA
  • 20. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Adicionando inferência além da nuvem
  • 21. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Data lake Algoritimo Modelo Amazon SageMaker Greengrass ML Borda
  • 22. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Plataforma & Ferramentas Plataforma e Ferramentas de IA Amazon SageMaker: Platforma de ML End-to-end Facilita a construção, treinamento, e publicação de modelos de ML em produção Machine learning Amazon SageMakerGPU
  • 23. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Plataforma e Ferramentas de IA Plataforma & Ferramentas Amazon SageMaker Machine learning + Amazon SageMaker Amazon SageMaker: Platforma de ML End-to-end Facilita a construção, treinamento, e publicação de modelos de ML em produção GPU
  • 24. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Plataforma e Ferramentas de IA Plataforma & Ferramentas Amazon SageMaker Machine learning + Amazon SageMaker Agregação de dados, anotação e analytics Amazon SageMaker: Platforma de ML End-to-end Facilita a construção, treinamento, e publicação de modelos de ML em produção GPU
  • 25. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Plataforma e Ferramentas de IA Plataforma & Ferramentas Amazon SageMakerGPU
  • 26. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Clientes do Amazon SageMaker
  • 27. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Construa teu modelo com no Amazon SageMaker
  • 28. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Passo 1: Workspace do Data Science Amazon SageMaker. Instância preparada com Jupiter Notebook
  • 29. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 30. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Passo 2: Introdução à Tensorflow Exemplos de notebooks no Amazon SageMaker
  • 31. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Source: https://en.wikipedia.org/wiki/Neuron
  • 32. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Conceitos Básicos import numpy as np import tensorflow as tf
  • 33. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Tensores import numpy as np import tensorflow as tf # Tensors and nodes with tf.name_scope("sample_nodes"): node_1 = tf.placeholder(tf.float32, shape=(None,28), name="tensor_1") tensor_2 = tf.fill((2,5), 10, name="tensor_2") tensor_3 = tf.fill((5,4), 10, name="tensor_3") Conceitos Básicos
  • 34. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. import numpy as np import tensorflow as tf # Tensors and nodes with tf.name_scope("sample_nodes"): node_1 = tf.placeholder(tf.float32, shape=(None,28), name="tensor_1") tensor_2 = tf.fill((2,5), 10, name="tensor_2") tensor_3 = tf.fill((5,4), 10, name="tensor_3") # Sample operation with tf.name_scope("sample_op"): res1 = tf.matmul(tensor_2, tensor_3, name="matrix_multiplication") Nós Conceitos Básicos
  • 35. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. import numpy as np import tensorflow as tf # Tensors and nodes with tf.name_scope("sample_nodes"): node_1 = tf.placeholder(tf.float32, shape=(None,28), name="tensor_1") tensor_2 = tf.fill((2,5), 10, name="tensor_2") tensor_3 = tf.fill((5,4), 10, name="tensor_3") # Sample operation with tf.name_scope("sample_op"): res1 = tf.matmul(tensor_2, tensor_3, name="matrix_multiplication") # Variables and Operations overload with tf.name_scope("sample_graph"): a = tf.Variable(initial_value=3.5, dtype= tf.float32, name="a") b = tf.Variable(initial_value=5.2, dtype=tf.float32, name="b") c = tf.Variable(initial_value=0.25, dtype=tf.float32, name="c") # Operation overload u = tf.add((2 * a), (6 * b), name="u") J = tf.add((3 * u), c, name="J") Gráfo Computacional Conceitos Básicos
  • 36. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. import numpy as np import tensorflow as tf # Tensors and nodes with tf.name_scope("sample_nodes"): node_1 = tf.placeholder(tf.float32, shape=(None,28), name="tensor_1") tensor_2 = tf.fill((2,5), 10, name="tensor_2") tensor_3 = tf.fill((5,4), 10, name="tensor_3") # Sample operation with tf.name_scope("sample_op"): res1 = tf.matmul(tensor_2, tensor_3, name="matrix_multiplication") # Variables and Operations overload with tf.name_scope("sample_graph"): a = tf.Variable(initial_value=3.5, dtype= tf.float32, name="a") b = tf.Variable(initial_value=5.2, dtype=tf.float32, name="b") c = tf.Variable(initial_value=0.25, dtype=tf.float32, name="c") # Operation overload u = tf.add((2 * a), (6 * b), name="u") J = tf.add((3 * u), c, name="J") # Variables initialization and session execution init = tf.global_variables_initializer() with tf.Session() as s: init.run() result1 = s.run(res1) result2 = s.run(J) Inicialização da sessão e execução Conceitos Básicos
  • 37. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Passo 3: Tensorflow no Amazon SageMaker
  • 38. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. com Amazon SageMaker e SDK Python import os import sagemaker from sagemaker import get_execution_role sagemaker_session = sagemaker.Session() role = get_execution_role() 1) Importar pacotes 2) Iniciar uma seção no Amazon SageMaker
  • 39. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. # Upload data to S3 bucket inputs = sagemaker_session.upload_data( path='/tmp/cifar10_data', key_prefix='data/cifar10') # Create a training job using sagemaker.TensorFlow estimator from sagemaker.tensorflow import TensorFlow source_dir = os.path.join(os.getcwd(), 'source_dir') estimator = TensorFlow(entry_point='resnet_cifar_10.py', source_dir=source_dir, role=role, training_steps=1000, evaluation_steps=100, train_instance_count=5, train_instance_type='ml.c4.xlarge', base_job_name='tensorboard-example') estimator.fit(inputs, run_tensorboard_locally=True) import os import sagemaker from sagemaker import get_execution_role sagemaker_session = sagemaker.Session() role = get_execution_role() 1) Importar pacotes 2) Iniciar uma seção no Amazon SageMaker 3) Criar um job de Treinamento i. Usar o objeto Tensorflow Estimator ii. Coloque seu script no source_dir 4. Fit the Estimator, e inicie TensorBoard com Amazon SageMaker e SDK Python
  • 40. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. # Upload data to S3 bucket inputs = sagemaker_session.upload_data( path='/tmp/cifar10_data', key_prefix='data/cifar10') # Create a training job using sagemaker.TensorFlow estimator from sagemaker.tensorflow import TensorFlow source_dir = os.path.join(os.getcwd(), 'source_dir') estimator = TensorFlow(entry_point='resnet_cifar_10.py', source_dir=source_dir, role=role, training_steps=1000, evaluation_steps=100, train_instance_count=5, train_instance_type='ml.c4.xlarge', base_job_name='tensorboard-example') estimator.fit(inputs, run_tensorboard_locally=True) # Deploy the trained model for predictions predictor = estimator.deploy( initial_instance_count=1, instance_type='ml.m4.xlarge') import os import sagemaker from sagemaker import get_execution_role sagemaker_session = sagemaker.Session() role = get_execution_role() 5) Faça o deploy do modelo treinado para predições 1) Importar pacotes 2) Iniciar uma seção no Amazon SageMaker 3) Criar um job de Treinamento i. Usar o objeto Tensorflow Estimator ii. Coloque seu script no source_dir 4. Fit the Estimator, e inicie TensorBoard com Amazon SageMaker e SDK Python
  • 41. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. 6) Log em tempo real com Amazon SageMaker e SDK Python
  • 42. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. 7) Suporte ao TensorBoard com Amazon SageMaker e SDK Python
  • 43. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. 7) CloudWatch Logs com Amazon SageMaker e SDK Python
  • 44. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Iniciando com Amazon SageMaker
  • 45. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Amazon SageMaker Algoritimos e Notebooks
  • 46. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Workshops e treinamento AWS DeepLens Amazon SageMaker Algoritimos e Notebooks
  • 47. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Amazon ML Solutions Lab Workshops e treinamento AWS DeepLens Amazon SageMaker Algoritimos e Notebooks
  • 48. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Amazon SageMaker aws.amazon.com/sagemaker
  • 49. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Kunumi - Rodrigo Borges ML/Software Engineer Diagnóstico de Alzheimer
  • 50. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. “Infraestrutura de Deep Learning da AWS para diagnóstico de Alzheimer” “A infraestrutura de Deep Learning da AWS simplifica bastante o treinamento de redes neurais” - Eduardo Nigri, Data Scientist A Kunumi é uma start-up de Inteligência Artificial aplicada para solucionar vários tipos de problema em diferentes mercados Foco em modelos preditivos utilizando Machine Learning e desenvolvimento de pesquisa na área
  • 51. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. O Desafio Classificação de imagens de ressonância magnética para diagnóstico de Alzheimer Imagens 3D de alta complexidade Necessário treinamento em GPU (treino ~13x mais rápido que em CPU) Volume de dados: ~2500 imagens Crédito: https://www.alz.org
  • 52. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Solução Saudável ou Alzheimer Rede Neural Convolucional AWS Deep Learning AMIs (Amazon Machine Images)
  • 53. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Solução ● Arquitetura de rede convolucional: VGG (16 camadas) ● Taxa de acerto de 85% ● Regiões com evidência de Alzheimer:
  • 54. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Por favor complete o survey da seção no app do AWS Summit SP
  • 55. Submit Session Feedback 1. Tap the Schedule icon. 2. Select the session you attended. 3. Tap Session Evaluation to submit your feedback.
  • 56. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Obrigado.