SlideShare a Scribd company logo
1 of 67
Download to read offline
Attention Mechanisms
with Tensorflow
Keon Kim
DeepCoding
2016. 08. 26
Today, We Will Study...
1. Attention Mechanism and Its Implementation
- Attention Mechanism (Short) Review
- Attention Mechanism Code Review
Today, We Will Study...
1. Attention Mechanism and Its Implementation
- Attention Mechanism (Short) Review
- Attention Mechanism Code Review
2. Attention Mechanism Variant (Pointer Networks) and Its Implementation
- Pointer Networks (Short) Review
- Pointer Networks Code Review
Attention Mechanism
Review
Global Attention
Attention Mechanism
Review
Encoder compresses input series into one vector
Decoder uses this vector to generate output
Encoder compresses input series into one vector
Decoder uses this vector to generate output
Attention Mechanism predicts the output yt with a
weighted average context vector ct, not just the last state.
Attention Mechanism predicts the output yt with a
weighted average context vector ct, not just the last state.
Attention Mechanism predicts the output yt with a
weighted average context vector ct, not just the last state.
Softmax
Context
Weight of h
et2et1
Attention Mechanism
Character-based Neural Machine Translation [Ling+2015]
http://arxiv.org/pdf/1511.04586v1.pdf
Character-based Neural Machine Translation [Ling+2015]
http://arxiv.org/pdf/1511.04586v1.pdf
String to Vector
String Generation
Attention Mechanism
Code Review
Attention Mechanism
Code Review
translate.py
example in tensorflow
https://github.com/tensorflow/tensorflow/tree/master/
tensorflow/models/rnn/translate
Implementation of Grammar as a Foreign Language
Given a input string, outputs a syntax tree
Implementation of Grammar as a Foreign Language
Given a input string, outputs a syntax tree
[Go.] is put in reversed ordertranslate.py uses the same model, but for en-fr translation task
Basic Flow of the
Implementation
Preprocess
Create Model
Train
Test
Preprocess
Create Model
Train
Test
I go.
Je vais.
Original English
Original French
Use of Bucket
Bucket is a method to efficiently handle sentences of different lengths
English sentence with length L1, French sentence with length L2 + 1 (prefixed with GO symbol)
English sentence -> encoder_inputs
French sentence -> decoder_inputs
we should in principle create a seq2seq model for every pair (L1, L2+1) of lengths
of an English and French sentence. This would result in an enormous graph
consisting of many very similar subgraphs.
On the other hand, we could just pad every sentence with a special PAD symbol.
Then we'd need only one seq2seq model, for the padded lengths. But on shorter
sentence our model would be inefficient, encoding and decoding many PAD
symbols that are useless.
Preprocess
Create Model
Train
Test
I go.
Je vais.
Original English
Original French
As a compromise between constructing a graph for every pair of lengths and
padding to a single length, we use a number of buckets and pad each sentence to
the length of the bucket above it. In translate.py we use the following default
buckets.
buckets = [(5, 10), (10, 15), (20, 25), (40, 50)]
This means that if the input is an English sentence with 3 tokens, and the
corresponding output is a French sentence with 6 tokens, then they will be put in
the first bucket and padded to length 5 for encoder inputs, and length 10 for
decoder inputs.
Use of Bucket
Preprocess
Create Model
Train
Test
I go.
Je vais.
Original English
Original French
Encoder and Decoder Inputs in Bucket (5, 10)
Preprocess
Create Model
Train
Test
I go.
Je vais.
["I", "go", "."]
["Je", "vais", "."]
Tokenization
Tokenization
Original English
Original French
Encoder and Decoder Inputs in Bucket (5, 10)
Preprocess
Create Model
Train
Test
I go.
Je vais.
["I", "go", "."]
["Je", "vais", "."]
Tokenization
["PAD""PAD"".", "go", "I"]
["GO", "Je", "vais", ".","EOS","PAD","PAD","PAD","PAD","PAD"]
Encoder Input
Tokenization
Decoder Input
Original English
Original French
Encoder and Decoder Inputs in Bucket (5, 10)
Train
Test
[ ["PAD""PAD"".", "go", "I"], … ]
[ ["GO", "Je", "vais", ".","EOS","PAD","PAD","PAD","PAD","PAD"], … ]
Encoder Inputs
Decoder Inputs
Creating Seq2Seq Attention Model
Create Model
Preprocessing
Create Model
Preprocess
model embedding_rnn_seq2seq(encoder_inputs, decoder_inputs, …,
feed_prev=False)
Train
Test
[ ["PAD""PAD"".", "go", "I"], … ]
[ ["GO", "Je", "vais", ".","EOS","PAD","PAD","PAD","PAD","PAD"], … ]
Encoder Inputs
Decoder Inputs
Creating Seq2Seq Attention Model
Create Model
Preprocessing
Create Model
Preprocess
model embedding_rnn_seq2seq(encoder_inputs, decoder_inputs, …,
feed_prev=False)
embedding_rnn_seq2seq() is made of encoder + embedding_attention_decoder
Train
Test
[ ["PAD""PAD"".", "go", "I"], … ]
[ ["GO", "Je", "vais", ".","EOS","PAD","PAD","PAD","PAD","PAD"], … ]
Encoder Inputs
Decoder Inputs
Creating Seq2Seq Attention Model
Create Model
Preprocessing
Create Model
Preprocess
model embedding_rnn_seq2seq(encoder_inputs, decoder_inputs, …,
feed_prev=False)
embedding_rnn_seq2seq() is made of encoder + embedding_attention_decoder()
embedding_attention_decoder() is made of embedding + attention_decoder()
Train
Test
[ ["PAD""PAD"".", "go", "I"], … ]
[ ["GO", "Je", "vais", ".","EOS","PAD","PAD","PAD","PAD","PAD"], … ]
Encoder Inputs
Decoder Inputs
Creating Seq2Seq Attention Model
Create Model
Preprocessing
Create Model
Preprocess
model embedding_rnn_seq2seq(encoder_inputs, decoder_inputs, …,
feed_prev=False)
“feed_prev = False” means that the decoder will use decoder_inputs tensors as
provided
Train
Test
[ ["PAD""PAD"".", "go", "I"], … ]
[ ["GO", "Je", "vais", ".","EOS","PAD","PAD","PAD","PAD","PAD"], … ]
Encoder Inputs
Decoder Inputs
Creating Seq2Seq Attention Model
Create Model
Preprocessing
Create Model
Preprocess
embedding_rnn_seq2seq(encoder_inputs, decoder_inputs, …,
feed_prev=False)
outputs, states = model_with_buckets(encoder_inputs, decoder_inputs, model, … )
model
(Just a wrapper function that helps with using buckets)
Create Model
Training
Test
Train
Preprocess
session.run()
with:
- GradientDescentOptimizer
- Gradient Clipping by Global Norm
Create Model
Training
Test
Train
Preprocess
session.run()
with:
- GradientDescentOptimizer
- Gradient Clipping by Global Norm
Create Model
Train
Testing
Preprocess
Test
decode()
with:
- feed_prev = True
“feed_prev = True” means that the decoder would only use the first element of
decoder_inputs and previous output of the encoder from the second run.
python translate.py --decode
--data_dir [your_data_directory] --train_dir [checkpoints_directory]
Reading model parameters from /tmp/translate.ckpt-340000
> Who is the president of the United States?
Qui est le président des États-Unis ?
Result
Let’s go to TensorFlow
import tensorflow as tf
Attention Mechanism and Its Variants
- Global attention
- Local attention
- Pointer networks
- Attention for image (image caption generation)
…
Attention Mechanism and Its Variants
- Global attention
- Local attention
- Pointer networks ⇠ this one for today
- Attention for image (image caption generation)
…
Pointer Networks
Review
Convex Hull
Pointer Networks ‘Point’ Input Elements!
In Ptr-Net, we do not blend the
encoder state to propagate extra
information to the decoder like
standard attention mechanism.
But instead ...
et2et1
Attention mechanismStandard Attention mechanism
Pointer Networks ‘Point’ Input Elements!
We use
as pointers to the input elements
Ptr-Net approach specifically targets
problems whose outputs are discrete
and correspond to positions in the
input
Pointer Network
Another model for each
number of points?
distribution of u
Distribution of the Attention is the Answer!
distribution of u
Attention Mechanism vs Pointer Networks
Softmax normalizes the vector eij to be an output distribution over the dictionary of inputs
Attention mechanism Ptr-Net
Pointer Networks
Code Review
Pointer Networks
Code Review
Sorting Implementation
https://github.com/ikostrikov/TensorFlow-Pointer-Networks
Characteristics of the Implementation
This Implementation:
- The model code is a slightly modified version of attention_decoder from
seq2seq tensorflow model
- Simple implementation but with poor comments
Characteristics of the Implementation
This Implementation:
- The model code is a slightly modified version of attention_decoder from
seq2seq tensorflow model
- Simple implementation but with poor comments
Focus on:
- The general structure of the code (so you can refer while creating your own)
- How original Implementation of attention_decoder is modified
Task: "Order Matters" 4.4
- Learn “How to sort N ordered numbers between 0 and 1”
- ex) 0.2 0.5 0.6 0.23 0.1 0.9 => 0.1 0.2 0.23 0.5 0.6 0.9
Structure of the
Implementation
How the Implementation is Structured
main.py (Execution)
PointerNetwork()
pointer.py (Decoder Model)
pointer_decoder() attention()
dataset.py (Dataset)
next_batch()create_feed_dict()
step()
__init__()
session
How the Implementation is Structured
main.py
PointerNetwork()
pointer.py
pointer_decoder() attention()
dataset.py
next_batch()create_feed_dict()
step()
__init__()
Encoder and decoder are instantiated in __init__()
session
How the Implementation is Structured
main.py
PointerNetwork()
pointer.py
pointer_decoder() attention()
dataset.py
next_batch()create_feed_dict()
step()
__init__()
1. Dataset is instantiated and called in every step() (batch)
2. Create_feed_dict() is then used to feed the dataset into session.
session
How the Implementation is Structured
main.py
PointerNetwork()
pointer.py
pointer_decoder() attention()
dataset.py
next_batch()create_feed_dict()
step()
__init__()
Finally, step() uses the model created in __init__() to run the session
session
Brief Explanations of
The Model Part
main.py
PointerNetwork()
pointer.py
pointer_decoder() attention()
dataset.py
next_batch()create_feed_dict()
step()
__init__()
session
pointer_decoder()
pointer_decoder()
A Simple Modification to the attention_decoder tensorflow model
main.py
PointerNetwork()
pointer.py
PointerDecoder() attention()
dataset.py
next_batch()create_feed_dict()
step()
__init__()
session
pointer_decoder(): attention()
pointer_decoder(): attention()
query == states
Standard Attention vs Pointer Attention in Code
attention fucntion from attention_decoder() attention fucntion from pointer_decoder()
main.py
PointerNetwork()
pointer.py
pointer_decoder() attention()
dataset.py
next_batch()create_feed_dict()
step()
__init__()
Encoder and decoder are instantiated in __init__()
session
__init__()
Whole Encoder and Decoder Model is Made in Here
Let’s go to TensorFlow
import tensorflow as tf
82%
Step: 0
Train: 1.07584562302
Test: 1.07516384125
Correct order / All order: 0.000000
Step: 100
Train: 8.91889034099
Test: 8.91508702453
Correct order / All order: 0.000000
….
Step: 9800
Train: 0.437000320964
Test: 0.459392405155
Correct order / All order: 0.841875
Step: 9900
Train: 0.424404183739
Test: 0.636979421763
Correct order / All order: 0.825000
Result
Original Theano Implementation (Part)
Ptr-Net
Thank you :D
References
- Many Slides from: http://www.slideshare.net/yutakikuchi927/deep-learning-nlp-attention
- Character Based Neural Machine Translation: http://arxiv.org/abs/1511.04586
- Grammar as a Foreign Language: https://arxiv.org/abs/1412.7449
- Tensorflow Official Tutorial on Seq2Seq Models: https://www.tensorflow.org/versions/r0.10/tutorials/seq2seq
- Pointer Networks: https://arxiv.org/abs/1506.03134
- Order Matters: http://arxiv.org/abs/1511.06391
- Pointer Netoworks Implementation: https://github.com/ikostrikov/TensorFlow-Pointer-Networks

More Related Content

What's hot

Sequence to sequence (encoder-decoder) learning
Sequence to sequence (encoder-decoder) learningSequence to sequence (encoder-decoder) learning
Sequence to sequence (encoder-decoder) learningRoberto Pereira Silveira
 
Survey of Attention mechanism
Survey of Attention mechanismSurvey of Attention mechanism
Survey of Attention mechanismSwatiNarkhede1
 
Travelling SalesMan Problem(TSP)
Travelling SalesMan Problem(TSP)Travelling SalesMan Problem(TSP)
Travelling SalesMan Problem(TSP)Akshay Kamble
 
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)Universitat Politècnica de Catalunya
 
Attention mechanism 소개 자료
Attention mechanism 소개 자료Attention mechanism 소개 자료
Attention mechanism 소개 자료Whi Kwon
 
Attention is All You Need (Transformer)
Attention is All You Need (Transformer)Attention is All You Need (Transformer)
Attention is All You Need (Transformer)Jeong-Gwan Lee
 
Neural Architectures for Named Entity Recognition
Neural Architectures for Named Entity RecognitionNeural Architectures for Named Entity Recognition
Neural Architectures for Named Entity RecognitionRrubaa Panchendrarajan
 
Attention in Deep Learning
Attention in Deep LearningAttention in Deep Learning
Attention in Deep Learning健程 杨
 
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding
BERT: Pre-training of Deep Bidirectional Transformers for Language UnderstandingBERT: Pre-training of Deep Bidirectional Transformers for Language Understanding
BERT: Pre-training of Deep Bidirectional Transformers for Language Understandinggohyunwoong
 
INTRODUCTION TO NLP, RNN, LSTM, GRU
INTRODUCTION TO NLP, RNN, LSTM, GRUINTRODUCTION TO NLP, RNN, LSTM, GRU
INTRODUCTION TO NLP, RNN, LSTM, GRUSri Geetha
 
Variational Autoencoder Tutorial
Variational Autoencoder Tutorial Variational Autoencoder Tutorial
Variational Autoencoder Tutorial Hojin Yang
 
An introduction to the Transformers architecture and BERT
An introduction to the Transformers architecture and BERTAn introduction to the Transformers architecture and BERT
An introduction to the Transformers architecture and BERTSuman Debnath
 
Abigail See - 2017 - Get To The Point: Summarization with Pointer-Generator N...
Abigail See - 2017 - Get To The Point: Summarization with Pointer-Generator N...Abigail See - 2017 - Get To The Point: Summarization with Pointer-Generator N...
Abigail See - 2017 - Get To The Point: Summarization with Pointer-Generator N...Association for Computational Linguistics
 
NLP using transformers
NLP using transformers NLP using transformers
NLP using transformers Arvind Devaraj
 

What's hot (20)

Rnn & Lstm
Rnn & LstmRnn & Lstm
Rnn & Lstm
 
Sequence to sequence (encoder-decoder) learning
Sequence to sequence (encoder-decoder) learningSequence to sequence (encoder-decoder) learning
Sequence to sequence (encoder-decoder) learning
 
Recurrent Neural Network
Recurrent Neural NetworkRecurrent Neural Network
Recurrent Neural Network
 
Survey of Attention mechanism
Survey of Attention mechanismSurvey of Attention mechanism
Survey of Attention mechanism
 
Travelling SalesMan Problem(TSP)
Travelling SalesMan Problem(TSP)Travelling SalesMan Problem(TSP)
Travelling SalesMan Problem(TSP)
 
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
 
Bert
BertBert
Bert
 
Attention Is All You Need
Attention Is All You NeedAttention Is All You Need
Attention Is All You Need
 
Attention mechanism 소개 자료
Attention mechanism 소개 자료Attention mechanism 소개 자료
Attention mechanism 소개 자료
 
Attention is All You Need (Transformer)
Attention is All You Need (Transformer)Attention is All You Need (Transformer)
Attention is All You Need (Transformer)
 
Neural Architectures for Named Entity Recognition
Neural Architectures for Named Entity RecognitionNeural Architectures for Named Entity Recognition
Neural Architectures for Named Entity Recognition
 
Attention in Deep Learning
Attention in Deep LearningAttention in Deep Learning
Attention in Deep Learning
 
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding
BERT: Pre-training of Deep Bidirectional Transformers for Language UnderstandingBERT: Pre-training of Deep Bidirectional Transformers for Language Understanding
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding
 
Lda
LdaLda
Lda
 
INTRODUCTION TO NLP, RNN, LSTM, GRU
INTRODUCTION TO NLP, RNN, LSTM, GRUINTRODUCTION TO NLP, RNN, LSTM, GRU
INTRODUCTION TO NLP, RNN, LSTM, GRU
 
Variational Autoencoder Tutorial
Variational Autoencoder Tutorial Variational Autoencoder Tutorial
Variational Autoencoder Tutorial
 
An introduction to the Transformers architecture and BERT
An introduction to the Transformers architecture and BERTAn introduction to the Transformers architecture and BERT
An introduction to the Transformers architecture and BERT
 
Abigail See - 2017 - Get To The Point: Summarization with Pointer-Generator N...
Abigail See - 2017 - Get To The Point: Summarization with Pointer-Generator N...Abigail See - 2017 - Get To The Point: Summarization with Pointer-Generator N...
Abigail See - 2017 - Get To The Point: Summarization with Pointer-Generator N...
 
GAN Evaluation
GAN EvaluationGAN Evaluation
GAN Evaluation
 
NLP using transformers
NLP using transformers NLP using transformers
NLP using transformers
 

Viewers also liked

Stock Prediction Using NLP and Deep Learning
Stock Prediction Using NLP and Deep Learning Stock Prediction Using NLP and Deep Learning
Stock Prediction Using NLP and Deep Learning Keon Kim
 
最近のDeep Learning (NLP) 界隈におけるAttention事情
最近のDeep Learning (NLP) 界隈におけるAttention事情最近のDeep Learning (NLP) 界隈におけるAttention事情
最近のDeep Learning (NLP) 界隈におけるAttention事情Yuta Kikuchi
 
Về kỹ thuật Attention trong mô hình sequence-to-sequence tại hội nghị ACL 2017
Về kỹ thuật Attention trong mô hình sequence-to-sequence  tại hội nghị ACL 2017Về kỹ thuật Attention trong mô hình sequence-to-sequence  tại hội nghị ACL 2017
Về kỹ thuật Attention trong mô hình sequence-to-sequence tại hội nghị ACL 2017Minh Pham
 
Deep learning for 3-D Scene Reconstruction and Modeling
Deep learning for 3-D Scene Reconstruction and Modeling Deep learning for 3-D Scene Reconstruction and Modeling
Deep learning for 3-D Scene Reconstruction and Modeling Yu Huang
 
Python과 Tensorflow를 활용한 AI Chatbot 개발 및 실무 적용
Python과 Tensorflow를 활용한  AI Chatbot 개발 및 실무 적용Python과 Tensorflow를 활용한  AI Chatbot 개발 및 실무 적용
Python과 Tensorflow를 활용한 AI Chatbot 개발 및 실무 적용Susang Kim
 
책 읽어주는 딥러닝: 배우 유인나가 해리포터를 읽어준다면 DEVIEW 2017
책 읽어주는 딥러닝: 배우 유인나가 해리포터를 읽어준다면 DEVIEW 2017책 읽어주는 딥러닝: 배우 유인나가 해리포터를 읽어준다면 DEVIEW 2017
책 읽어주는 딥러닝: 배우 유인나가 해리포터를 읽어준다면 DEVIEW 2017Taehoon Kim
 

Viewers also liked (6)

Stock Prediction Using NLP and Deep Learning
Stock Prediction Using NLP and Deep Learning Stock Prediction Using NLP and Deep Learning
Stock Prediction Using NLP and Deep Learning
 
最近のDeep Learning (NLP) 界隈におけるAttention事情
最近のDeep Learning (NLP) 界隈におけるAttention事情最近のDeep Learning (NLP) 界隈におけるAttention事情
最近のDeep Learning (NLP) 界隈におけるAttention事情
 
Về kỹ thuật Attention trong mô hình sequence-to-sequence tại hội nghị ACL 2017
Về kỹ thuật Attention trong mô hình sequence-to-sequence  tại hội nghị ACL 2017Về kỹ thuật Attention trong mô hình sequence-to-sequence  tại hội nghị ACL 2017
Về kỹ thuật Attention trong mô hình sequence-to-sequence tại hội nghị ACL 2017
 
Deep learning for 3-D Scene Reconstruction and Modeling
Deep learning for 3-D Scene Reconstruction and Modeling Deep learning for 3-D Scene Reconstruction and Modeling
Deep learning for 3-D Scene Reconstruction and Modeling
 
Python과 Tensorflow를 활용한 AI Chatbot 개발 및 실무 적용
Python과 Tensorflow를 활용한  AI Chatbot 개발 및 실무 적용Python과 Tensorflow를 활용한  AI Chatbot 개발 및 실무 적용
Python과 Tensorflow를 활용한 AI Chatbot 개발 및 실무 적용
 
책 읽어주는 딥러닝: 배우 유인나가 해리포터를 읽어준다면 DEVIEW 2017
책 읽어주는 딥러닝: 배우 유인나가 해리포터를 읽어준다면 DEVIEW 2017책 읽어주는 딥러닝: 배우 유인나가 해리포터를 읽어준다면 DEVIEW 2017
책 읽어주는 딥러닝: 배우 유인나가 해리포터를 읽어준다면 DEVIEW 2017
 

Similar to Attention Mechanisms with TensorFlow

Georgy Nosenko - An introduction to the use SMT solvers for software security
Georgy Nosenko - An introduction to the use SMT solvers for software securityGeorgy Nosenko - An introduction to the use SMT solvers for software security
Georgy Nosenko - An introduction to the use SMT solvers for software securityDefconRussia
 
Consequences of using the Copy-Paste method in C++ programming and how to dea...
Consequences of using the Copy-Paste method in C++ programming and how to dea...Consequences of using the Copy-Paste method in C++ programming and how to dea...
Consequences of using the Copy-Paste method in C++ programming and how to dea...Andrey Karpov
 
Compiler Construction | Lecture 14 | Interpreters
Compiler Construction | Lecture 14 | InterpretersCompiler Construction | Lecture 14 | Interpreters
Compiler Construction | Lecture 14 | InterpretersEelco Visser
 
Skiron - Experiments in CPU Design in D
Skiron - Experiments in CPU Design in DSkiron - Experiments in CPU Design in D
Skiron - Experiments in CPU Design in DMithun Hunsur
 
Improving Code Quality Through Effective Review Process
Improving Code Quality Through Effective  Review ProcessImproving Code Quality Through Effective  Review Process
Improving Code Quality Through Effective Review ProcessDr. Syed Hassan Amin
 
IRJET - Speech to Speech Translation using Encoder Decoder Architecture
IRJET -  	  Speech to Speech Translation using Encoder Decoder ArchitectureIRJET -  	  Speech to Speech Translation using Encoder Decoder Architecture
IRJET - Speech to Speech Translation using Encoder Decoder ArchitectureIRJET Journal
 
Static analysis of C++ source code
Static analysis of C++ source codeStatic analysis of C++ source code
Static analysis of C++ source codeAndrey Karpov
 
Static analysis of C++ source code
Static analysis of C++ source codeStatic analysis of C++ source code
Static analysis of C++ source codePVS-Studio
 
The Ultimate Question of Programming, Refactoring, and Everything
The Ultimate Question of Programming, Refactoring, and EverythingThe Ultimate Question of Programming, Refactoring, and Everything
The Ultimate Question of Programming, Refactoring, and EverythingAndrey Karpov
 
The Ultimate Question of Programming, Refactoring, and Everything
The Ultimate Question of Programming, Refactoring, and EverythingThe Ultimate Question of Programming, Refactoring, and Everything
The Ultimate Question of Programming, Refactoring, and EverythingPVS-Studio
 
L Fu - Dao: a novel programming language for bioinformatics
L Fu - Dao: a novel programming language for bioinformaticsL Fu - Dao: a novel programming language for bioinformatics
L Fu - Dao: a novel programming language for bioinformaticsJan Aerts
 
Accord.Net: Looking for a Bug that Could Help Machines Conquer Humankind
Accord.Net: Looking for a Bug that Could Help Machines Conquer HumankindAccord.Net: Looking for a Bug that Could Help Machines Conquer Humankind
Accord.Net: Looking for a Bug that Could Help Machines Conquer HumankindPVS-Studio
 
Track c-High speed transaction-based hw-sw coverification -eve
Track c-High speed transaction-based hw-sw coverification -eveTrack c-High speed transaction-based hw-sw coverification -eve
Track c-High speed transaction-based hw-sw coverification -evechiportal
 
Learning to Spot and Refactor Inconsistent Method Names
Learning to Spot and Refactor Inconsistent Method NamesLearning to Spot and Refactor Inconsistent Method Names
Learning to Spot and Refactor Inconsistent Method NamesDongsun Kim
 
Python for Machine Learning
Python for Machine LearningPython for Machine Learning
Python for Machine LearningStudent
 
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...Positive Hack Days
 
1588147798Begining_ABUAD1.pdf
1588147798Begining_ABUAD1.pdf1588147798Begining_ABUAD1.pdf
1588147798Begining_ABUAD1.pdfSemsemSameer1
 
ESET’s guide to deobfuscating and devirtualizing FinFisher
ESET’s guide to deobfuscating and devirtualizing FinFisherESET’s guide to deobfuscating and devirtualizing FinFisher
ESET’s guide to deobfuscating and devirtualizing FinFisherESET Middle East
 

Similar to Attention Mechanisms with TensorFlow (20)

Georgy Nosenko - An introduction to the use SMT solvers for software security
Georgy Nosenko - An introduction to the use SMT solvers for software securityGeorgy Nosenko - An introduction to the use SMT solvers for software security
Georgy Nosenko - An introduction to the use SMT solvers for software security
 
Consequences of using the Copy-Paste method in C++ programming and how to dea...
Consequences of using the Copy-Paste method in C++ programming and how to dea...Consequences of using the Copy-Paste method in C++ programming and how to dea...
Consequences of using the Copy-Paste method in C++ programming and how to dea...
 
Compiler Construction | Lecture 14 | Interpreters
Compiler Construction | Lecture 14 | InterpretersCompiler Construction | Lecture 14 | Interpreters
Compiler Construction | Lecture 14 | Interpreters
 
Cpcs302 1
Cpcs302  1Cpcs302  1
Cpcs302 1
 
Skiron - Experiments in CPU Design in D
Skiron - Experiments in CPU Design in DSkiron - Experiments in CPU Design in D
Skiron - Experiments in CPU Design in D
 
Improving Code Quality Through Effective Review Process
Improving Code Quality Through Effective  Review ProcessImproving Code Quality Through Effective  Review Process
Improving Code Quality Through Effective Review Process
 
IRJET - Speech to Speech Translation using Encoder Decoder Architecture
IRJET -  	  Speech to Speech Translation using Encoder Decoder ArchitectureIRJET -  	  Speech to Speech Translation using Encoder Decoder Architecture
IRJET - Speech to Speech Translation using Encoder Decoder Architecture
 
Static analysis of C++ source code
Static analysis of C++ source codeStatic analysis of C++ source code
Static analysis of C++ source code
 
Static analysis of C++ source code
Static analysis of C++ source codeStatic analysis of C++ source code
Static analysis of C++ source code
 
Compiler Design
Compiler DesignCompiler Design
Compiler Design
 
The Ultimate Question of Programming, Refactoring, and Everything
The Ultimate Question of Programming, Refactoring, and EverythingThe Ultimate Question of Programming, Refactoring, and Everything
The Ultimate Question of Programming, Refactoring, and Everything
 
The Ultimate Question of Programming, Refactoring, and Everything
The Ultimate Question of Programming, Refactoring, and EverythingThe Ultimate Question of Programming, Refactoring, and Everything
The Ultimate Question of Programming, Refactoring, and Everything
 
L Fu - Dao: a novel programming language for bioinformatics
L Fu - Dao: a novel programming language for bioinformaticsL Fu - Dao: a novel programming language for bioinformatics
L Fu - Dao: a novel programming language for bioinformatics
 
Accord.Net: Looking for a Bug that Could Help Machines Conquer Humankind
Accord.Net: Looking for a Bug that Could Help Machines Conquer HumankindAccord.Net: Looking for a Bug that Could Help Machines Conquer Humankind
Accord.Net: Looking for a Bug that Could Help Machines Conquer Humankind
 
Track c-High speed transaction-based hw-sw coverification -eve
Track c-High speed transaction-based hw-sw coverification -eveTrack c-High speed transaction-based hw-sw coverification -eve
Track c-High speed transaction-based hw-sw coverification -eve
 
Learning to Spot and Refactor Inconsistent Method Names
Learning to Spot and Refactor Inconsistent Method NamesLearning to Spot and Refactor Inconsistent Method Names
Learning to Spot and Refactor Inconsistent Method Names
 
Python for Machine Learning
Python for Machine LearningPython for Machine Learning
Python for Machine Learning
 
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
 
1588147798Begining_ABUAD1.pdf
1588147798Begining_ABUAD1.pdf1588147798Begining_ABUAD1.pdf
1588147798Begining_ABUAD1.pdf
 
ESET’s guide to deobfuscating and devirtualizing FinFisher
ESET’s guide to deobfuscating and devirtualizing FinFisherESET’s guide to deobfuscating and devirtualizing FinFisher
ESET’s guide to deobfuscating and devirtualizing FinFisher
 

Recently uploaded

How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.Curtis Poe
 
What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024Stephanie Beckett
 
The State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxThe State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxLoriGlavin3
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024BookNet Canada
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Mattias Andersson
 
DevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenDevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenHervé Boutemy
 
A Deep Dive on Passkeys: FIDO Paris Seminar.pptx
A Deep Dive on Passkeys: FIDO Paris Seminar.pptxA Deep Dive on Passkeys: FIDO Paris Seminar.pptx
A Deep Dive on Passkeys: FIDO Paris Seminar.pptxLoriGlavin3
 
Moving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfMoving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfLoriGlavin3
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024BookNet Canada
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLScyllaDB
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubKalema Edgar
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxLoriGlavin3
 
From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .Alan Dix
 
What is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfWhat is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfMounikaPolabathina
 
DSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningDSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningLars Bell
 
SALESFORCE EDUCATION CLOUD | FEXLE SERVICES
SALESFORCE EDUCATION CLOUD | FEXLE SERVICESSALESFORCE EDUCATION CLOUD | FEXLE SERVICES
SALESFORCE EDUCATION CLOUD | FEXLE SERVICESmohitsingh558521
 
"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii SoldatenkoFwdays
 
The Ultimate Guide to Choosing WordPress Pros and Cons
The Ultimate Guide to Choosing WordPress Pros and ConsThe Ultimate Guide to Choosing WordPress Pros and Cons
The Ultimate Guide to Choosing WordPress Pros and ConsPixlogix Infotech
 

Recently uploaded (20)

How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.
 
What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024
 
The State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxThe State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptx
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?
 
DMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special EditionDMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special Edition
 
DevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenDevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache Maven
 
A Deep Dive on Passkeys: FIDO Paris Seminar.pptx
A Deep Dive on Passkeys: FIDO Paris Seminar.pptxA Deep Dive on Passkeys: FIDO Paris Seminar.pptx
A Deep Dive on Passkeys: FIDO Paris Seminar.pptx
 
Moving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfMoving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdf
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQL
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding Club
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
 
From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .
 
What is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfWhat is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdf
 
DSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningDSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine Tuning
 
SALESFORCE EDUCATION CLOUD | FEXLE SERVICES
SALESFORCE EDUCATION CLOUD | FEXLE SERVICESSALESFORCE EDUCATION CLOUD | FEXLE SERVICES
SALESFORCE EDUCATION CLOUD | FEXLE SERVICES
 
"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko
 
The Ultimate Guide to Choosing WordPress Pros and Cons
The Ultimate Guide to Choosing WordPress Pros and ConsThe Ultimate Guide to Choosing WordPress Pros and Cons
The Ultimate Guide to Choosing WordPress Pros and Cons
 

Attention Mechanisms with TensorFlow