SlideShare a Scribd company logo
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
GluonNLP
A Natural Language Processing toolkit
gluon-nlp.mxnet.io
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
2
Three common myths …
Motivations for GluonNLP
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
• I will write clean and reusable code
when I’m prototyping this time.
• Variant:
• - I will write clean and reusable code
next time.
=> Well crafted reusable APIs
Common myth 1
function &
script?
hard-coded
parameter?
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Common myth 2
• My code will still run next year.
• Sometimes, it’s not our fault.
=> Integrated testing of examples
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Common myth3
• I will finish setting up the baseline
model this afternoon.
• Though it may not be our fault
again.
=> Re-implementation of SOTA results
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Goals
1. Problem: prototype code is not reusable without copying.
Solution: carefully designed API for versatile needs.
2. Problem: code may break due to API changes.
Solution: integrated testing for examples.
3. Problem: setting up baseline for NLP tasks is hard.
Solution: implementation for state-of-the-art models.
6
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
• Designed for engineers and researchers
• Enable fast prototyping for NLP application and research
7
GluonNLP goals
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
GluonNLP Community
• Internal users
• Amazon Comprehend
• Amazon Lex
• AmazonTranscribe
• AmazonTranslate
• Amazon Personalize
• Alexa NLU
• Alexa Brain
• External users
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
• High-level packages
• gluonnlp.data, gluonnlp.model, gluonnlp.embedding
• Low-Level packages
• gluonnlp.data.batchify, gluonnlp.model.StandardRNN
• Datasets:
• gluonnlp.data.SQuAD, gluonnlp.data.WikiText103
Designed for practitioners: researchers and engineers
http://gluon-nlp.mxnet.io/api/modules/data.html#public-datasets
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
GluonNLP Models
• Language Modeling
• MachineTranslation
• Word Embedding (100+)
• Text Classification
• Text Generation
• Sentence Embedding
1
0
• Dependency Parsing
• Entailment
• Question Answering
• Named Entity Recognition
• Keyphrase Extraction
• Semantic Role Labeling
• Summarization
Released
WIP
Planned
APIs: Data Loading: Bucketing
How to generate the mini-batches?
No Bucketing + Directly Pad the Samples
Average Padding = 11.7
Be Frugal! Use Bucketing.
Sorted Bucketing
Average Padding = 3.7
Fixed Bucketing
Average Padding = 1.7
Shorter sequences can have larger batch sizes.
Fixed Bucketing + Length-aware Batch Size
Batch Size = 18Batch Size = 11
Average Padding = 1.8
Better throughput! ✌️
Batch Size = 8
ratio
Length of the buckets
Improvement over published results
AWD [1] model on WikiText2 Test Perplexity
GluonNLP 66.9 (250 epochs)
Pytorch 67.8 (250 epochs)
Diff -0.9
Table 3: AWD Language Model
Table 1: fastText n-gram embedding scores, trained onText8 dataset, evaluated on Wordsim353
Table 2: Machine Translation Model BLEU score same standard and settings
MachineTranslation
Encoder: Bidirectional
LSTM + Residual
Decoder: LSTM + Residual +
MLP Attention
• GluonNLP:
• BLEU 26.22 on
IWSLT2015, 10 epochs,
Beam Size=10
• Tensorflow/nmt:
• BLEU 26.10 on
IWSLT2015,
Beam Size=10
Wu, Yonghui, et al. "Google's neural machine translation system: Bridging the gap between human and machine translation." arXiv preprint arXiv:1609.08144 (2016).
Google Neural MachineTranslation (GNMT)
• Encoder
• 6 layers of self-attention+feed-forward
• Decoder
• 6 layers of masked self-attention and
output of encoder + feed-forward
• GluonNLP:
• BLEU 26.81 onWMT2014en_de, 40 epochs
• Tensorflow/t2t:
• BLEU 26.55 onWMT2014en_de
Vaswani, Ashish, et al. "Attention is all you need." Advances in Neural Information Processing Systems. 2017.
MachineTranslation
Transformer
• Feature-based approach
• Pre-training bidirectional
language model
• Character embedding +
stacked bidirectional LSTMs
• GluonNLPTutorial
Transfer learning: ELMo
Embedding from Language Model
Deep contextualized word representations, Peters et al., 2018
• Fine-tuning approach
• Pre-training masked language model +
next sentence prediction
• Stacked transformer encoder + BPE
• GluonNLPTutorial
Transfer Learning: BERT
Bidirectional Encoder Representations fromTransformers
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding, Devlin et al., 2018
BERT model zoo
© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Go build!
• http://gluon-nlp.mxnet.io/
Get help:
• https://discuss.mxnet.io/

More Related Content

What's hot

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 Web Services
 
Generative Adversarial Networks (GANs) using Apache MXNet
Generative Adversarial Networks (GANs) using Apache MXNetGenerative Adversarial Networks (GANs) using Apache MXNet
Generative Adversarial Networks (GANs) using Apache MXNet
Apache MXNet
 
Keras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | Edureka
Keras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | EdurekaKeras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | Edureka
Keras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | Edureka
Edureka!
 
Smarter Event-Driven Edge with Amazon SageMaker & Project Flogo (AIM204-S) - ...
Smarter Event-Driven Edge with Amazon SageMaker & Project Flogo (AIM204-S) - ...Smarter Event-Driven Edge with Amazon SageMaker & Project Flogo (AIM204-S) - ...
Smarter Event-Driven Edge with Amazon SageMaker & Project Flogo (AIM204-S) - ...
Amazon Web Services
 
Deep Learning Fundamentals
Deep Learning FundamentalsDeep Learning Fundamentals
Deep Learning Fundamentals
Thomas Delteil
 
Machine learning using Kubernetes
Machine learning using KubernetesMachine learning using Kubernetes
Machine learning using Kubernetes
Arun Gupta
 
Intro to Object Detection with SSD
Intro to Object Detection with SSDIntro to Object Detection with SSD
Intro to Object Detection with SSD
Thomas Delteil
 
RoboMaker로 DeepRacer 자율 주행차 만들기 :: 유정열 - AWS Community Day 2019
RoboMaker로 DeepRacer 자율 주행차 만들기 :: 유정열 - AWS Community Day 2019 RoboMaker로 DeepRacer 자율 주행차 만들기 :: 유정열 - AWS Community Day 2019
RoboMaker로 DeepRacer 자율 주행차 만들기 :: 유정열 - AWS Community Day 2019
AWSKRUG - AWS한국사용자모임
 
Let’s Talk about Reinforcement Learning with Amazon SageMaker RL (AIM399) - A...
Let’s Talk about Reinforcement Learning with Amazon SageMaker RL (AIM399) - A...Let’s Talk about Reinforcement Learning with Amazon SageMaker RL (AIM399) - A...
Let’s Talk about Reinforcement Learning with Amazon SageMaker RL (AIM399) - A...
Amazon Web Services
 
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Amazon Web Services
 
Machine Learning in Practice
Machine Learning in PracticeMachine Learning in Practice
Machine Learning in Practice
Amazon Web Services
 
Mike Gillespie - Build Intelligent Applications with AWS ML Services (200).pdf
Mike Gillespie - Build Intelligent Applications with AWS ML Services (200).pdfMike Gillespie - Build Intelligent Applications with AWS ML Services (200).pdf
Mike Gillespie - Build Intelligent Applications with AWS ML Services (200).pdf
Amazon Web Services
 
딥러닝@EDM페스티발 누가누가 잘 노나? :: 김태웅 - AWS Community Day 2019
딥러닝@EDM페스티발 누가누가 잘 노나? :: 김태웅 - AWS Community Day 2019 딥러닝@EDM페스티발 누가누가 잘 노나? :: 김태웅 - AWS Community Day 2019
딥러닝@EDM페스티발 누가누가 잘 노나? :: 김태웅 - AWS Community Day 2019
AWSKRUG - AWS한국사용자모임
 
NEW LAUNCH! Amazon Rekognition Video eliminates manual cataloging of video wh...
NEW LAUNCH! Amazon Rekognition Video eliminates manual cataloging of video wh...NEW LAUNCH! Amazon Rekognition Video eliminates manual cataloging of video wh...
NEW LAUNCH! Amazon Rekognition Video eliminates manual cataloging of video wh...
Amazon Web Services
 
Supercharge Any Alexa Skill by Understanding What Games Do (ALX403-R2) - AWS ...
Supercharge Any Alexa Skill by Understanding What Games Do (ALX403-R2) - AWS ...Supercharge Any Alexa Skill by Understanding What Games Do (ALX403-R2) - AWS ...
Supercharge Any Alexa Skill by Understanding What Games Do (ALX403-R2) - AWS ...
Amazon Web Services
 
SageMaker Algorithms Infinitely Scalable Machine Learning
SageMaker Algorithms Infinitely Scalable Machine LearningSageMaker Algorithms Infinitely Scalable Machine Learning
SageMaker Algorithms Infinitely Scalable Machine Learning
Amazon Web Services
 
Add Intelligence to Applications with AWS ML Services
Add Intelligence to Applications with AWS ML ServicesAdd Intelligence to Applications with AWS ML Services
Add Intelligence to Applications with AWS ML Services
Amazon Web Services
 
Building Text Analytics Applications on AWS using Amazon Comprehend - AWS Onl...
Building Text Analytics Applications on AWS using Amazon Comprehend - AWS Onl...Building Text Analytics Applications on AWS using Amazon Comprehend - AWS Onl...
Building Text Analytics Applications on AWS using Amazon Comprehend - AWS Onl...
Amazon Web Services
 
A Gentle Intro to Deep Learning
A Gentle Intro to Deep LearningA Gentle Intro to Deep Learning
A Gentle Intro to Deep Learning
Gabe Hollombe
 
Improve Your Customer Experience with Machine Translation (AIM321) - AWS re:I...
Improve Your Customer Experience with Machine Translation (AIM321) - AWS re:I...Improve Your Customer Experience with Machine Translation (AIM321) - AWS re:I...
Improve Your Customer Experience with Machine Translation (AIM321) - AWS re:I...
Amazon Web Services
 

What's hot (20)

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...
 
Generative Adversarial Networks (GANs) using Apache MXNet
Generative Adversarial Networks (GANs) using Apache MXNetGenerative Adversarial Networks (GANs) using Apache MXNet
Generative Adversarial Networks (GANs) using Apache MXNet
 
Keras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | Edureka
Keras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | EdurekaKeras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | Edureka
Keras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | Edureka
 
Smarter Event-Driven Edge with Amazon SageMaker & Project Flogo (AIM204-S) - ...
Smarter Event-Driven Edge with Amazon SageMaker & Project Flogo (AIM204-S) - ...Smarter Event-Driven Edge with Amazon SageMaker & Project Flogo (AIM204-S) - ...
Smarter Event-Driven Edge with Amazon SageMaker & Project Flogo (AIM204-S) - ...
 
Deep Learning Fundamentals
Deep Learning FundamentalsDeep Learning Fundamentals
Deep Learning Fundamentals
 
Machine learning using Kubernetes
Machine learning using KubernetesMachine learning using Kubernetes
Machine learning using Kubernetes
 
Intro to Object Detection with SSD
Intro to Object Detection with SSDIntro to Object Detection with SSD
Intro to Object Detection with SSD
 
RoboMaker로 DeepRacer 자율 주행차 만들기 :: 유정열 - AWS Community Day 2019
RoboMaker로 DeepRacer 자율 주행차 만들기 :: 유정열 - AWS Community Day 2019 RoboMaker로 DeepRacer 자율 주행차 만들기 :: 유정열 - AWS Community Day 2019
RoboMaker로 DeepRacer 자율 주행차 만들기 :: 유정열 - AWS Community Day 2019
 
Let’s Talk about Reinforcement Learning with Amazon SageMaker RL (AIM399) - A...
Let’s Talk about Reinforcement Learning with Amazon SageMaker RL (AIM399) - A...Let’s Talk about Reinforcement Learning with Amazon SageMaker RL (AIM399) - A...
Let’s Talk about Reinforcement Learning with Amazon SageMaker RL (AIM399) - A...
 
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
 
Machine Learning in Practice
Machine Learning in PracticeMachine Learning in Practice
Machine Learning in Practice
 
Mike Gillespie - Build Intelligent Applications with AWS ML Services (200).pdf
Mike Gillespie - Build Intelligent Applications with AWS ML Services (200).pdfMike Gillespie - Build Intelligent Applications with AWS ML Services (200).pdf
Mike Gillespie - Build Intelligent Applications with AWS ML Services (200).pdf
 
딥러닝@EDM페스티발 누가누가 잘 노나? :: 김태웅 - AWS Community Day 2019
딥러닝@EDM페스티발 누가누가 잘 노나? :: 김태웅 - AWS Community Day 2019 딥러닝@EDM페스티발 누가누가 잘 노나? :: 김태웅 - AWS Community Day 2019
딥러닝@EDM페스티발 누가누가 잘 노나? :: 김태웅 - AWS Community Day 2019
 
NEW LAUNCH! Amazon Rekognition Video eliminates manual cataloging of video wh...
NEW LAUNCH! Amazon Rekognition Video eliminates manual cataloging of video wh...NEW LAUNCH! Amazon Rekognition Video eliminates manual cataloging of video wh...
NEW LAUNCH! Amazon Rekognition Video eliminates manual cataloging of video wh...
 
Supercharge Any Alexa Skill by Understanding What Games Do (ALX403-R2) - AWS ...
Supercharge Any Alexa Skill by Understanding What Games Do (ALX403-R2) - AWS ...Supercharge Any Alexa Skill by Understanding What Games Do (ALX403-R2) - AWS ...
Supercharge Any Alexa Skill by Understanding What Games Do (ALX403-R2) - AWS ...
 
SageMaker Algorithms Infinitely Scalable Machine Learning
SageMaker Algorithms Infinitely Scalable Machine LearningSageMaker Algorithms Infinitely Scalable Machine Learning
SageMaker Algorithms Infinitely Scalable Machine Learning
 
Add Intelligence to Applications with AWS ML Services
Add Intelligence to Applications with AWS ML ServicesAdd Intelligence to Applications with AWS ML Services
Add Intelligence to Applications with AWS ML Services
 
Building Text Analytics Applications on AWS using Amazon Comprehend - AWS Onl...
Building Text Analytics Applications on AWS using Amazon Comprehend - AWS Onl...Building Text Analytics Applications on AWS using Amazon Comprehend - AWS Onl...
Building Text Analytics Applications on AWS using Amazon Comprehend - AWS Onl...
 
A Gentle Intro to Deep Learning
A Gentle Intro to Deep LearningA Gentle Intro to Deep Learning
A Gentle Intro to Deep Learning
 
Improve Your Customer Experience with Machine Translation (AIM321) - AWS re:I...
Improve Your Customer Experience with Machine Translation (AIM321) - AWS re:I...Improve Your Customer Experience with Machine Translation (AIM321) - AWS re:I...
Improve Your Customer Experience with Machine Translation (AIM321) - AWS re:I...
 

Similar to Introduction to GluonNLP

Introduction to GluonCV
Introduction to GluonCVIntroduction to GluonCV
Introduction to GluonCV
Apache MXNet
 
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
Amazon Web Services
 
Kubernetes - State of the Union (Q1-2016)
Kubernetes - State of the Union (Q1-2016)Kubernetes - State of the Union (Q1-2016)
Kubernetes - State of the Union (Q1-2016)
DoiT International
 
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...
Jonathan Dion
 
Apache MXNet and Gluon
Apache MXNet and GluonApache MXNet and Gluon
Apache MXNet and Gluon
Soji Adeshina
 
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 Web Services
 
DA 592 - Term Project Report - Berker Kozan Can Koklu
DA 592 - Term Project Report - Berker Kozan Can KokluDA 592 - Term Project Report - Berker Kozan Can Koklu
DA 592 - Term Project Report - Berker Kozan Can KokluCan Köklü
 
AWS DeepLens Workshop: Building Computer Vision Applications - BDA201 - Anahe...
AWS DeepLens Workshop: Building Computer Vision Applications - BDA201 - Anahe...AWS DeepLens Workshop: Building Computer Vision Applications - BDA201 - Anahe...
AWS DeepLens Workshop: Building Computer Vision Applications - BDA201 - Anahe...
Amazon Web Services
 
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMakerDeep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Amazon Web Services
 
Integrate Machine Learning into Your Spring Application in Less than an Hour
Integrate Machine Learning into Your Spring Application in Less than an HourIntegrate Machine Learning into Your Spring Application in Less than an Hour
Integrate Machine Learning into Your Spring Application in Less than an Hour
VMware Tanzu
 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)
Julien SIMON
 
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
 
Node.js Deeper Dive
Node.js Deeper DiveNode.js Deeper Dive
Node.js Deeper Dive
Justin Reock
 
Accelerate machine-learning workloads using Amazon EC2 P3 instances - CMP204 ...
Accelerate machine-learning workloads using Amazon EC2 P3 instances - CMP204 ...Accelerate machine-learning workloads using Amazon EC2 P3 instances - CMP204 ...
Accelerate machine-learning workloads using Amazon EC2 P3 instances - CMP204 ...
Amazon Web Services
 
From Monolith to Microservices (And All the Bumps along the Way) (CON360-R1) ...
From Monolith to Microservices (And All the Bumps along the Way) (CON360-R1) ...From Monolith to Microservices (And All the Bumps along the Way) (CON360-R1) ...
From Monolith to Microservices (And All the Bumps along the Way) (CON360-R1) ...
Amazon Web Services
 
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und ExpertenMaschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
AWS Germany
 
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
 
Google cloud Study Jam 2023.pptx
Google cloud Study Jam 2023.pptxGoogle cloud Study Jam 2023.pptx
Google cloud Study Jam 2023.pptx
GDSCNiT
 
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
 
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Julien SIMON
 

Similar to Introduction to GluonNLP (20)

Introduction to GluonCV
Introduction to GluonCVIntroduction to GluonCV
Introduction to GluonCV
 
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
 
Kubernetes - State of the Union (Q1-2016)
Kubernetes - State of the Union (Q1-2016)Kubernetes - State of the Union (Q1-2016)
Kubernetes - State of the Union (Q1-2016)
 
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...
 
Apache MXNet and Gluon
Apache MXNet and GluonApache MXNet and Gluon
Apache MXNet and Gluon
 
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
 
DA 592 - Term Project Report - Berker Kozan Can Koklu
DA 592 - Term Project Report - Berker Kozan Can KokluDA 592 - Term Project Report - Berker Kozan Can Koklu
DA 592 - Term Project Report - Berker Kozan Can Koklu
 
AWS DeepLens Workshop: Building Computer Vision Applications - BDA201 - Anahe...
AWS DeepLens Workshop: Building Computer Vision Applications - BDA201 - Anahe...AWS DeepLens Workshop: Building Computer Vision Applications - BDA201 - Anahe...
AWS DeepLens Workshop: Building Computer Vision Applications - BDA201 - Anahe...
 
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMakerDeep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
 
Integrate Machine Learning into Your Spring Application in Less than an Hour
Integrate Machine Learning into Your Spring Application in Less than an HourIntegrate Machine Learning into Your Spring Application in Less than an Hour
Integrate Machine Learning into Your Spring Application in Less than an Hour
 
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...
 
Node.js Deeper Dive
Node.js Deeper DiveNode.js Deeper Dive
Node.js Deeper Dive
 
Accelerate machine-learning workloads using Amazon EC2 P3 instances - CMP204 ...
Accelerate machine-learning workloads using Amazon EC2 P3 instances - CMP204 ...Accelerate machine-learning workloads using Amazon EC2 P3 instances - CMP204 ...
Accelerate machine-learning workloads using Amazon EC2 P3 instances - CMP204 ...
 
From Monolith to Microservices (And All the Bumps along the Way) (CON360-R1) ...
From Monolith to Microservices (And All the Bumps along the Way) (CON360-R1) ...From Monolith to Microservices (And All the Bumps along the Way) (CON360-R1) ...
From Monolith to Microservices (And All the Bumps along the Way) (CON360-R1) ...
 
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und ExpertenMaschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
 
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...
 
Google cloud Study Jam 2023.pptx
Google cloud Study Jam 2023.pptxGoogle cloud Study Jam 2023.pptx
Google cloud Study Jam 2023.pptx
 
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 (...
 
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
 

More from Apache MXNet

Recent Advances in Natural Language Processing
Recent Advances in Natural Language ProcessingRecent Advances in Natural Language Processing
Recent Advances in Natural Language Processing
Apache MXNet
 
Fine-tuning BERT for Question Answering
Fine-tuning BERT for Question AnsweringFine-tuning BERT for Question Answering
Fine-tuning BERT for Question Answering
Apache MXNet
 
Introduction to object tracking with Deep Learning
Introduction to object tracking with Deep LearningIntroduction to object tracking with Deep Learning
Introduction to object tracking with Deep Learning
Apache MXNet
 
Introduction to Computer Vision
Introduction to Computer VisionIntroduction to Computer Vision
Introduction to Computer Vision
Apache MXNet
 
Image Segmentation: Approaches and Challenges
Image Segmentation: Approaches and ChallengesImage Segmentation: Approaches and Challenges
Image Segmentation: Approaches and Challenges
Apache MXNet
 
Introduction to Deep face detection and recognition
Introduction to Deep face detection and recognitionIntroduction to Deep face detection and recognition
Introduction to Deep face detection and recognition
Apache MXNet
 
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.aiDeep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Apache MXNet
 
Using Java to deploy Deep Learning models with MXNet
Using Java to deploy Deep Learning models with MXNetUsing Java to deploy Deep Learning models with MXNet
Using Java to deploy Deep Learning models with MXNet
Apache MXNet
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
Apache MXNet
 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNet
Apache MXNet
 
Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018
Apache MXNet
 
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
Apache MXNet
 
Apache MXNet EcoSystem - ACNA2018
Apache MXNet EcoSystem - ACNA2018Apache MXNet EcoSystem - ACNA2018
Apache MXNet EcoSystem - ACNA2018
Apache MXNet
 
ONNX and Edge Deployments
ONNX and Edge DeploymentsONNX and Edge Deployments
ONNX and Edge Deployments
Apache MXNet
 
Distributed Inference with MXNet and Spark
Distributed Inference with MXNet and SparkDistributed Inference with MXNet and Spark
Distributed Inference with MXNet and Spark
Apache MXNet
 
Multivariate Time Series
Multivariate Time SeriesMultivariate Time Series
Multivariate Time Series
Apache MXNet
 
AI On the Edge: Model Compression
AI On the Edge: Model CompressionAI On the Edge: Model Compression
AI On the Edge: Model Compression
Apache MXNet
 
Building Content Recommendation Systems using MXNet Gluon
Building Content Recommendation Systems using MXNet GluonBuilding Content Recommendation Systems using MXNet Gluon
Building Content Recommendation Systems using MXNet Gluon
Apache MXNet
 
Game Playing RL Agent
Game Playing RL AgentGame Playing RL Agent
Game Playing RL Agent
Apache MXNet
 
Building Applications with Apache MXNet
Building Applications with Apache MXNetBuilding Applications with Apache MXNet
Building Applications with Apache MXNet
Apache MXNet
 

More from Apache MXNet (20)

Recent Advances in Natural Language Processing
Recent Advances in Natural Language ProcessingRecent Advances in Natural Language Processing
Recent Advances in Natural Language Processing
 
Fine-tuning BERT for Question Answering
Fine-tuning BERT for Question AnsweringFine-tuning BERT for Question Answering
Fine-tuning BERT for Question Answering
 
Introduction to object tracking with Deep Learning
Introduction to object tracking with Deep LearningIntroduction to object tracking with Deep Learning
Introduction to object tracking with Deep Learning
 
Introduction to Computer Vision
Introduction to Computer VisionIntroduction to Computer Vision
Introduction to Computer Vision
 
Image Segmentation: Approaches and Challenges
Image Segmentation: Approaches and ChallengesImage Segmentation: Approaches and Challenges
Image Segmentation: Approaches and Challenges
 
Introduction to Deep face detection and recognition
Introduction to Deep face detection and recognitionIntroduction to Deep face detection and recognition
Introduction to Deep face detection and recognition
 
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.aiDeep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
 
Using Java to deploy Deep Learning models with MXNet
Using Java to deploy Deep Learning models with MXNetUsing Java to deploy Deep Learning models with MXNet
Using Java to deploy Deep Learning models with MXNet
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNet
 
Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018
 
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
 
Apache MXNet EcoSystem - ACNA2018
Apache MXNet EcoSystem - ACNA2018Apache MXNet EcoSystem - ACNA2018
Apache MXNet EcoSystem - ACNA2018
 
ONNX and Edge Deployments
ONNX and Edge DeploymentsONNX and Edge Deployments
ONNX and Edge Deployments
 
Distributed Inference with MXNet and Spark
Distributed Inference with MXNet and SparkDistributed Inference with MXNet and Spark
Distributed Inference with MXNet and Spark
 
Multivariate Time Series
Multivariate Time SeriesMultivariate Time Series
Multivariate Time Series
 
AI On the Edge: Model Compression
AI On the Edge: Model CompressionAI On the Edge: Model Compression
AI On the Edge: Model Compression
 
Building Content Recommendation Systems using MXNet Gluon
Building Content Recommendation Systems using MXNet GluonBuilding Content Recommendation Systems using MXNet Gluon
Building Content Recommendation Systems using MXNet Gluon
 
Game Playing RL Agent
Game Playing RL AgentGame Playing RL Agent
Game Playing RL Agent
 
Building Applications with Apache MXNet
Building Applications with Apache MXNetBuilding Applications with Apache MXNet
Building Applications with Apache MXNet
 

Recently uploaded

Lab report on liquid viscosity of glycerin
Lab report on liquid viscosity of glycerinLab report on liquid viscosity of glycerin
Lab report on liquid viscosity of glycerin
ossaicprecious19
 
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
NathanBaughman3
 
RNA INTERFERENCE: UNRAVELING GENETIC SILENCING
RNA INTERFERENCE: UNRAVELING GENETIC SILENCINGRNA INTERFERENCE: UNRAVELING GENETIC SILENCING
RNA INTERFERENCE: UNRAVELING GENETIC SILENCING
AADYARAJPANDEY1
 
The ASGCT Annual Meeting was packed with exciting progress in the field advan...
The ASGCT Annual Meeting was packed with exciting progress in the field advan...The ASGCT Annual Meeting was packed with exciting progress in the field advan...
The ASGCT Annual Meeting was packed with exciting progress in the field advan...
Health Advances
 
Deep Behavioral Phenotyping in Systems Neuroscience for Functional Atlasing a...
Deep Behavioral Phenotyping in Systems Neuroscience for Functional Atlasing a...Deep Behavioral Phenotyping in Systems Neuroscience for Functional Atlasing a...
Deep Behavioral Phenotyping in Systems Neuroscience for Functional Atlasing a...
Ana Luísa Pinho
 
in vitro propagation of plants lecture note.pptx
in vitro propagation of plants lecture note.pptxin vitro propagation of plants lecture note.pptx
in vitro propagation of plants lecture note.pptx
yusufzako14
 
extra-chromosomal-inheritance[1].pptx.pdfpdf
extra-chromosomal-inheritance[1].pptx.pdfpdfextra-chromosomal-inheritance[1].pptx.pdfpdf
extra-chromosomal-inheritance[1].pptx.pdfpdf
DiyaBiswas10
 
Citrus Greening Disease and its Management
Citrus Greening Disease and its ManagementCitrus Greening Disease and its Management
Citrus Greening Disease and its Management
subedisuryaofficial
 
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Sérgio Sacani
 
role of pramana in research.pptx in science
role of pramana in research.pptx in sciencerole of pramana in research.pptx in science
role of pramana in research.pptx in science
sonaliswain16
 
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
muralinath2
 
filosofia boliviana introducción jsjdjd.pptx
filosofia boliviana introducción jsjdjd.pptxfilosofia boliviana introducción jsjdjd.pptx
filosofia boliviana introducción jsjdjd.pptx
IvanMallco1
 
Leaf Initiation, Growth and Differentiation.pdf
Leaf Initiation, Growth and Differentiation.pdfLeaf Initiation, Growth and Differentiation.pdf
Leaf Initiation, Growth and Differentiation.pdf
RenuJangid3
 
Structural Classification Of Protein (SCOP)
Structural Classification Of Protein  (SCOP)Structural Classification Of Protein  (SCOP)
Structural Classification Of Protein (SCOP)
aishnasrivastava
 
Unveiling the Energy Potential of Marshmallow Deposits.pdf
Unveiling the Energy Potential of Marshmallow Deposits.pdfUnveiling the Energy Potential of Marshmallow Deposits.pdf
Unveiling the Energy Potential of Marshmallow Deposits.pdf
Erdal Coalmaker
 
GBSN - Microbiology (Lab 4) Culture Media
GBSN - Microbiology (Lab 4) Culture MediaGBSN - Microbiology (Lab 4) Culture Media
GBSN - Microbiology (Lab 4) Culture Media
Areesha Ahmad
 
insect taxonomy importance systematics and classification
insect taxonomy importance systematics and classificationinsect taxonomy importance systematics and classification
insect taxonomy importance systematics and classification
anitaento25
 
NuGOweek 2024 Ghent - programme - final version
NuGOweek 2024 Ghent - programme - final versionNuGOweek 2024 Ghent - programme - final version
NuGOweek 2024 Ghent - programme - final version
pablovgd
 
erythropoiesis-I_mechanism& clinical significance.pptx
erythropoiesis-I_mechanism& clinical significance.pptxerythropoiesis-I_mechanism& clinical significance.pptx
erythropoiesis-I_mechanism& clinical significance.pptx
muralinath2
 
What is greenhouse gasses and how many gasses are there to affect the Earth.
What is greenhouse gasses and how many gasses are there to affect the Earth.What is greenhouse gasses and how many gasses are there to affect the Earth.
What is greenhouse gasses and how many gasses are there to affect the Earth.
moosaasad1975
 

Recently uploaded (20)

Lab report on liquid viscosity of glycerin
Lab report on liquid viscosity of glycerinLab report on liquid viscosity of glycerin
Lab report on liquid viscosity of glycerin
 
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
 
RNA INTERFERENCE: UNRAVELING GENETIC SILENCING
RNA INTERFERENCE: UNRAVELING GENETIC SILENCINGRNA INTERFERENCE: UNRAVELING GENETIC SILENCING
RNA INTERFERENCE: UNRAVELING GENETIC SILENCING
 
The ASGCT Annual Meeting was packed with exciting progress in the field advan...
The ASGCT Annual Meeting was packed with exciting progress in the field advan...The ASGCT Annual Meeting was packed with exciting progress in the field advan...
The ASGCT Annual Meeting was packed with exciting progress in the field advan...
 
Deep Behavioral Phenotyping in Systems Neuroscience for Functional Atlasing a...
Deep Behavioral Phenotyping in Systems Neuroscience for Functional Atlasing a...Deep Behavioral Phenotyping in Systems Neuroscience for Functional Atlasing a...
Deep Behavioral Phenotyping in Systems Neuroscience for Functional Atlasing a...
 
in vitro propagation of plants lecture note.pptx
in vitro propagation of plants lecture note.pptxin vitro propagation of plants lecture note.pptx
in vitro propagation of plants lecture note.pptx
 
extra-chromosomal-inheritance[1].pptx.pdfpdf
extra-chromosomal-inheritance[1].pptx.pdfpdfextra-chromosomal-inheritance[1].pptx.pdfpdf
extra-chromosomal-inheritance[1].pptx.pdfpdf
 
Citrus Greening Disease and its Management
Citrus Greening Disease and its ManagementCitrus Greening Disease and its Management
Citrus Greening Disease and its Management
 
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
 
role of pramana in research.pptx in science
role of pramana in research.pptx in sciencerole of pramana in research.pptx in science
role of pramana in research.pptx in science
 
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
 
filosofia boliviana introducción jsjdjd.pptx
filosofia boliviana introducción jsjdjd.pptxfilosofia boliviana introducción jsjdjd.pptx
filosofia boliviana introducción jsjdjd.pptx
 
Leaf Initiation, Growth and Differentiation.pdf
Leaf Initiation, Growth and Differentiation.pdfLeaf Initiation, Growth and Differentiation.pdf
Leaf Initiation, Growth and Differentiation.pdf
 
Structural Classification Of Protein (SCOP)
Structural Classification Of Protein  (SCOP)Structural Classification Of Protein  (SCOP)
Structural Classification Of Protein (SCOP)
 
Unveiling the Energy Potential of Marshmallow Deposits.pdf
Unveiling the Energy Potential of Marshmallow Deposits.pdfUnveiling the Energy Potential of Marshmallow Deposits.pdf
Unveiling the Energy Potential of Marshmallow Deposits.pdf
 
GBSN - Microbiology (Lab 4) Culture Media
GBSN - Microbiology (Lab 4) Culture MediaGBSN - Microbiology (Lab 4) Culture Media
GBSN - Microbiology (Lab 4) Culture Media
 
insect taxonomy importance systematics and classification
insect taxonomy importance systematics and classificationinsect taxonomy importance systematics and classification
insect taxonomy importance systematics and classification
 
NuGOweek 2024 Ghent - programme - final version
NuGOweek 2024 Ghent - programme - final versionNuGOweek 2024 Ghent - programme - final version
NuGOweek 2024 Ghent - programme - final version
 
erythropoiesis-I_mechanism& clinical significance.pptx
erythropoiesis-I_mechanism& clinical significance.pptxerythropoiesis-I_mechanism& clinical significance.pptx
erythropoiesis-I_mechanism& clinical significance.pptx
 
What is greenhouse gasses and how many gasses are there to affect the Earth.
What is greenhouse gasses and how many gasses are there to affect the Earth.What is greenhouse gasses and how many gasses are there to affect the Earth.
What is greenhouse gasses and how many gasses are there to affect the Earth.
 

Introduction to GluonNLP

  • 1. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark GluonNLP A Natural Language Processing toolkit gluon-nlp.mxnet.io
  • 2. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark 2 Three common myths … Motivations for GluonNLP
  • 3. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark • I will write clean and reusable code when I’m prototyping this time. • Variant: • - I will write clean and reusable code next time. => Well crafted reusable APIs Common myth 1 function & script? hard-coded parameter?
  • 4. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Common myth 2 • My code will still run next year. • Sometimes, it’s not our fault. => Integrated testing of examples
  • 5. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Common myth3 • I will finish setting up the baseline model this afternoon. • Though it may not be our fault again. => Re-implementation of SOTA results
  • 6. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Goals 1. Problem: prototype code is not reusable without copying. Solution: carefully designed API for versatile needs. 2. Problem: code may break due to API changes. Solution: integrated testing for examples. 3. Problem: setting up baseline for NLP tasks is hard. Solution: implementation for state-of-the-art models. 6
  • 7. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark • Designed for engineers and researchers • Enable fast prototyping for NLP application and research 7 GluonNLP goals
  • 8. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark GluonNLP Community • Internal users • Amazon Comprehend • Amazon Lex • AmazonTranscribe • AmazonTranslate • Amazon Personalize • Alexa NLU • Alexa Brain • External users
  • 9. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark • High-level packages • gluonnlp.data, gluonnlp.model, gluonnlp.embedding • Low-Level packages • gluonnlp.data.batchify, gluonnlp.model.StandardRNN • Datasets: • gluonnlp.data.SQuAD, gluonnlp.data.WikiText103 Designed for practitioners: researchers and engineers http://gluon-nlp.mxnet.io/api/modules/data.html#public-datasets
  • 10. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark GluonNLP Models • Language Modeling • MachineTranslation • Word Embedding (100+) • Text Classification • Text Generation • Sentence Embedding 1 0 • Dependency Parsing • Entailment • Question Answering • Named Entity Recognition • Keyphrase Extraction • Semantic Role Labeling • Summarization Released WIP Planned
  • 11. APIs: Data Loading: Bucketing How to generate the mini-batches?
  • 12. No Bucketing + Directly Pad the Samples Average Padding = 11.7 Be Frugal! Use Bucketing.
  • 14. Fixed Bucketing Average Padding = 1.7 Shorter sequences can have larger batch sizes.
  • 15. Fixed Bucketing + Length-aware Batch Size Batch Size = 18Batch Size = 11 Average Padding = 1.8 Better throughput! ✌️ Batch Size = 8 ratio Length of the buckets
  • 16. Improvement over published results AWD [1] model on WikiText2 Test Perplexity GluonNLP 66.9 (250 epochs) Pytorch 67.8 (250 epochs) Diff -0.9 Table 3: AWD Language Model Table 1: fastText n-gram embedding scores, trained onText8 dataset, evaluated on Wordsim353 Table 2: Machine Translation Model BLEU score same standard and settings
  • 17. MachineTranslation Encoder: Bidirectional LSTM + Residual Decoder: LSTM + Residual + MLP Attention • GluonNLP: • BLEU 26.22 on IWSLT2015, 10 epochs, Beam Size=10 • Tensorflow/nmt: • BLEU 26.10 on IWSLT2015, Beam Size=10 Wu, Yonghui, et al. "Google's neural machine translation system: Bridging the gap between human and machine translation." arXiv preprint arXiv:1609.08144 (2016). Google Neural MachineTranslation (GNMT)
  • 18. • Encoder • 6 layers of self-attention+feed-forward • Decoder • 6 layers of masked self-attention and output of encoder + feed-forward • GluonNLP: • BLEU 26.81 onWMT2014en_de, 40 epochs • Tensorflow/t2t: • BLEU 26.55 onWMT2014en_de Vaswani, Ashish, et al. "Attention is all you need." Advances in Neural Information Processing Systems. 2017. MachineTranslation Transformer
  • 19. • Feature-based approach • Pre-training bidirectional language model • Character embedding + stacked bidirectional LSTMs • GluonNLPTutorial Transfer learning: ELMo Embedding from Language Model Deep contextualized word representations, Peters et al., 2018
  • 20. • Fine-tuning approach • Pre-training masked language model + next sentence prediction • Stacked transformer encoder + BPE • GluonNLPTutorial Transfer Learning: BERT Bidirectional Encoder Representations fromTransformers BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding, Devlin et al., 2018
  • 22. © 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Go build! • http://gluon-nlp.mxnet.io/ Get help: • https://discuss.mxnet.io/

Editor's Notes

  1. First call deck for a high level introduction to Apache MXNet.
  2. this is the core value proposition of GluonNLP. SOTA and reproducing scripts for baselines. APIs that reduce implementation complexity. tutorials to get people started in NLP. provides dynamic-graph workload. motivation for static mem for Gluon, dynamic graph optimization, round-up GPU memory pool
  3. over 300 pre-trained word embeddings intrinsic evaluation tools and datasets, embedding training transformer 13.36 no static, 59.02 static