SlideShare a Scribd company logo
XLNet
Generalized Autoregressive Pretraining for Language Understanding
by Zhilin Yang and Zihang Dai et al.
Presented by:
V S Siva Kumar Lakkoju
CS2139
Information Retrieval
MTech CS
Indian Statistical Institute, Kolkata
June 23, 2022
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Table of Contents
1 Introduction
2 Proposed Method
3 Design of XLNet
4 HyperParameters
5 Results
– XLNet 2/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Introduction
– XLNet 3/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Background and Motivation
Earlier, Autoregressive (ex. ELMo, GPT) and Autoencoding (ex. BERT) models
are the most successful pre-training objectives, but both have their own limitations.
– XLNet 4/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
AR models vs AE models
– XLNet 5/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
XLNet Key ideas [1]
• Autoregressive: Predict next word based on the context
• Bidirectional Context from permutation language ordering
• Attention mechanism, similar to that of Transformer XL
– XLNet 6/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Transformer XL [2]
Increase context through segment level recurrence and a realtive positional
encoding scheme
• Caching and reusing previous segments’ hidden state
• Allows variable length context, great for long term dependencies
• Resolves the problem of context fragmentation
– XLNet 7/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Vanilla Transformer
– XLNet 8/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Transformer XL [3]
– XLNet 9/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Implmentation details of Transformer XL
∀t = 1, . . . , T : ĥ(m)
zt
= LayerNorm

h(m−1)
zt
+ RelAttn

h(m−1)
zt
,
h
h̃(m−1)
, h(m−1)
z≤t
i
h(m)
zt
= LayerNorm

ĥ(m)
zt
+ PosFF

ĥ(m)
zt

ĝ(m)
zt
= LayerNorm

g(m−1)
zt
+ RelAttn

g(m−1)
zt
,
h
h̃(m−1)
, h(m−1)
zt
i
g(m)
zt
= LayerNorm

ĝ(m)
zt
+ PosFF

ĝ(m)
zt

Target-aware prediction distribution:
pθ (Xzt = x | xzt ) =
exp

emb(x)⊤g
(M)
zt

P
x′ exp

emb (x′)⊤
g
(M)
zt

– XLNet 10/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Proposed Method
– XLNet 11/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Formulations
AR formulation:
max
θ
log pθ(x) =
T
X
t=1
log pθ(xt|xt) =
T
X
t=1
log
ehθ(x1:t−1)T emb(x)
P
x′ ehθ(x1:t−1)T emb(x′)
. (1)
AE formulation:
max
θ
log pθ(x̃|x̂) ≈
T
X
t=1
mt log pθ(xt|x̂) =
T
X
t=1
mt log
eHθ(x̂)T emb(xt)
P
x′ eHθ(x̂)T emb(x′)
. (2)
XLNet formulation:
max
θ
Ez∼ZT
T
X
t=1
log pθ(xzt |xzt ) (3)
– XLNet 12/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Design of XLNet
– XLNet 13/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
The Idea
• Permutation: only on factorization order, not the original sequence order
• Attention masks provide the context for each prediction
• Two stream self-attention allows prediction to be aware of target position
• Partial prediction : only predict 1/K tokens in each permutation
– XLNet 14/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Factorization order
Standard LM factorization: 1 →2 →3 →4
P(x) = P(x1)P(x2|x1)P(x3|x1,2)P(x4|x1,2,3) (4)
– XLNet 15/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
XLNet factorization: 4 →1 →3 →2
P(x) = P(x4)P(x1|x4)P(x3|x1,4)P(x2|x1,3,4) (5)
– XLNet 16/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
How is Permutation on factorization bidirectional?
– XLNet 17/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Attention Masks
Attention masks provide context
Attentiono/p = w1 ∗ v1 + w2 ∗ v2 + w3 ∗ v3 + w4 ∗ v4 (6)
Attentiono/p = w1 ∗ v1 + w4 ∗ v4 (7)
– XLNet 18/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Reparameterization
Suppose we have two factorization orders z(1)
and z(2)
such that,
•
z
(1)
t = z
(2)
t = zt (8)
•
z
(1)
t = i; z
(2)
t = j and i ̸= j (9)
P(Xi=x|xzt )= e
emb(x)T h(xzt )
P
x′ e
emb(x′)T h(xzt )
P(Xj=x|xzt )= e
emb(x)T h(xzt )
P
x′ e
emb(x′)T h(xzt )
– XLNet 19/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Reparameterization
The apple was eaten
z1 = apple was the eaten
P(xi) = P(xi|apple, was)
P(Xi=the|xzt )= e
emb(x)T h(xzt )
P
x′ e
emb(x′)T h(xzt )
z2 = apple was eaten the
P(xj) = P(xj|apple, was)
P(Xj=eaten|xzt )= e
emb(x)T h(xzt )
P
x′ e
emb(x′)T h(xzt )
– XLNet 20/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
How to reparameterize?
Standard softmax does not work
P(xzt |xzt ) =
eemb(x)T h(xzt )
P
x′ eemb(x′)T h(xzt )
(10)
Solution: Incorporate z into the hidden state
P(xzt |xzt ) =
eemb(x′)T g(zt,xzt )
P
x′ eemb(x′)T g(zt,xzt )
(11)
**This is implemented using a two stream self attention
– XLNet 21/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Two stream self-attention
g(zt, xzt ) = Attnθ(Q = Enc(zt), KV = h(xzt )) (12)
– XLNet 22/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
gz
(m)
t = Attnθ(Q = gz
(m−1)
t , KV = hzt
(m−1); θ)
hz
(m)
t = Attnθ(Q = hz
(m−1)
t , KV = hz≤t
(m−1); θ)
– XLNet 23/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Two stream Attention: an example
Factorization order: 4 →1 →3 →2
– XLNet 24/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Partial Prediction
MOTIVATION: To reduce optimization difficulty from too little context.
Split sequence into context words and target words, cutoff at some c.
Only predict target words (1/K of the original sequence)
max
θ
(Ez∼ZT
T
X
t=1
log pθ(xzc |xzc ) = Ez∼ZT
|z|
X
t=c+1
log pθ(xzt |xzt )) (13)
|z|
(|z| − c)
≈ K = 6 (14)
– XLNet 25/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
HyperParameters
– XLNet 26/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Hyper Parameters
– XLNet 27/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Information about specific datasets
• RACE dataset – 512 seq. length
• SQuAD – During finetuning on SQuAD2.0 dataset, jointly applied logistic
regression to check if an question can be answered
• Layer Wise Decay If the learning rate of the 24th layer is, say l and decay is
q, then the learning rate of the layer m is
lrm = l ∗ q(24−m)
(15)
– XLNet 28/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Results
– XLNet 29/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
XLNet vs BERT
Input Sequence: New York is a city
XLNet factorization order: [is, a, city, New, York]
For BERT,
log p(New York|is a city) = log p(New|is a city) + log p(Y ork|is a city) (16)
For XLNet,
log p(New York|is a city) = log p(New|is a city) + log p(Y ork|New is a city)
(17)
– XLNet 30/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Error rates on different classification tasks
– XLNet 31/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Performance on SQuAD2.0
– XLNet 32/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Performance on GLUE tasks
– XLNet 33/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
Ablation Study
– XLNet 34/35
XLNet
Introduction
Proposed
Method
Design of
XLNet
HyperParameter
Results
References I
Z. Yang, Z. Dai, and et al., “XLNet: Generalized autoregressive pretraining for
language understanding,” in 33rd Conference on Neural Information Processing
Systems (NeurIPS), 2019.
Z. Dai, Z. Yang, Y. Yang, J. Carbonell, Q. V. Le, and R. Salakhutdinov,
“Transformer-xl: Attentive language models beyond a fixed-length context,”
2019.
“https://towardsdatascience.com/transformer-xl-explained-combining-
transformers-and-rnns-into-a-state-of-the-art-language-model-c0cfe9e5a924.”
– XLNet 35/35

More Related Content

What's hot

XLnet RoBERTa Reformer
XLnet RoBERTa ReformerXLnet RoBERTa Reformer
XLnet RoBERTa Reformer
San Kim
 
Lstm
LstmLstm
Transfer Learning
Transfer LearningTransfer Learning
Transfer Learning
Hichem Felouat
 
Deep Learning A-Z™: Recurrent Neural Networks (RNN) - The Vanishing Gradient ...
Deep Learning A-Z™: Recurrent Neural Networks (RNN) - The Vanishing Gradient ...Deep Learning A-Z™: Recurrent Neural Networks (RNN) - The Vanishing Gradient ...
Deep Learning A-Z™: Recurrent Neural Networks (RNN) - The Vanishing Gradient ...
Kirill Eremenko
 
Thomas Wolf "Transfer learning in NLP"
Thomas Wolf "Transfer learning in NLP"Thomas Wolf "Transfer learning in NLP"
Thomas Wolf "Transfer learning in NLP"
Fwdays
 
NLP using transformers
NLP using transformers NLP using transformers
NLP using transformers
Arvind Devaraj
 
Rnn and lstm
Rnn and lstmRnn and lstm
Rnn and lstm
Shreshth Saxena
 
Long Short Term Memory (Neural Networks)
Long Short Term Memory (Neural Networks)Long Short Term Memory (Neural Networks)
Long Short Term Memory (Neural Networks)
Olusola Amusan
 
Artificial Neural Networks Lect5: Multi-Layer Perceptron & Backpropagation
Artificial Neural Networks Lect5: Multi-Layer Perceptron & BackpropagationArtificial Neural Networks Lect5: Multi-Layer Perceptron & Backpropagation
Artificial Neural Networks Lect5: Multi-Layer Perceptron & Backpropagation
Mohammed Bennamoun
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep Learning
Yan Xu
 
Transformers AI PPT.pptx
Transformers AI PPT.pptxTransformers AI PPT.pptx
Transformers AI PPT.pptx
RahulKumar854607
 
Retrieval Augmented Generation in Practice: Scalable GenAI platforms with k8s...
Retrieval Augmented Generation in Practice: Scalable GenAI platforms with k8s...Retrieval Augmented Generation in Practice: Scalable GenAI platforms with k8s...
Retrieval Augmented Generation in Practice: Scalable GenAI platforms with k8s...
Mihai Criveti
 
LSTM
LSTMLSTM
Survey of Attention mechanism
Survey of Attention mechanismSurvey of Attention mechanism
Survey of Attention mechanism
SwatiNarkhede1
 
Fine tune and deploy Hugging Face NLP models
Fine tune and deploy Hugging Face NLP modelsFine tune and deploy Hugging Face NLP models
Fine tune and deploy Hugging Face NLP models
OVHcloud
 
Natural language processing
Natural language processingNatural language processing
Natural language processing
Yogendra Tamang
 
Attention mechanism 소개 자료
Attention mechanism 소개 자료Attention mechanism 소개 자료
Attention mechanism 소개 자료
Whi Kwon
 
Building a Pipeline for State-of-the-Art Natural Language Processing Using Hu...
Building a Pipeline for State-of-the-Art Natural Language Processing Using Hu...Building a Pipeline for State-of-the-Art Natural Language Processing Using Hu...
Building a Pipeline for State-of-the-Art Natural Language Processing Using Hu...
Databricks
 
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
 
gpt3_presentation.pdf
gpt3_presentation.pdfgpt3_presentation.pdf
gpt3_presentation.pdf
Giacomo Frisoni
 

What's hot (20)

XLnet RoBERTa Reformer
XLnet RoBERTa ReformerXLnet RoBERTa Reformer
XLnet RoBERTa Reformer
 
Lstm
LstmLstm
Lstm
 
Transfer Learning
Transfer LearningTransfer Learning
Transfer Learning
 
Deep Learning A-Z™: Recurrent Neural Networks (RNN) - The Vanishing Gradient ...
Deep Learning A-Z™: Recurrent Neural Networks (RNN) - The Vanishing Gradient ...Deep Learning A-Z™: Recurrent Neural Networks (RNN) - The Vanishing Gradient ...
Deep Learning A-Z™: Recurrent Neural Networks (RNN) - The Vanishing Gradient ...
 
Thomas Wolf "Transfer learning in NLP"
Thomas Wolf "Transfer learning in NLP"Thomas Wolf "Transfer learning in NLP"
Thomas Wolf "Transfer learning in NLP"
 
NLP using transformers
NLP using transformers NLP using transformers
NLP using transformers
 
Rnn and lstm
Rnn and lstmRnn and lstm
Rnn and lstm
 
Long Short Term Memory (Neural Networks)
Long Short Term Memory (Neural Networks)Long Short Term Memory (Neural Networks)
Long Short Term Memory (Neural Networks)
 
Artificial Neural Networks Lect5: Multi-Layer Perceptron & Backpropagation
Artificial Neural Networks Lect5: Multi-Layer Perceptron & BackpropagationArtificial Neural Networks Lect5: Multi-Layer Perceptron & Backpropagation
Artificial Neural Networks Lect5: Multi-Layer Perceptron & Backpropagation
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep Learning
 
Transformers AI PPT.pptx
Transformers AI PPT.pptxTransformers AI PPT.pptx
Transformers AI PPT.pptx
 
Retrieval Augmented Generation in Practice: Scalable GenAI platforms with k8s...
Retrieval Augmented Generation in Practice: Scalable GenAI platforms with k8s...Retrieval Augmented Generation in Practice: Scalable GenAI platforms with k8s...
Retrieval Augmented Generation in Practice: Scalable GenAI platforms with k8s...
 
LSTM
LSTMLSTM
LSTM
 
Survey of Attention mechanism
Survey of Attention mechanismSurvey of Attention mechanism
Survey of Attention mechanism
 
Fine tune and deploy Hugging Face NLP models
Fine tune and deploy Hugging Face NLP modelsFine tune and deploy Hugging Face NLP models
Fine tune and deploy Hugging Face NLP models
 
Natural language processing
Natural language processingNatural language processing
Natural language processing
 
Attention mechanism 소개 자료
Attention mechanism 소개 자료Attention mechanism 소개 자료
Attention mechanism 소개 자료
 
Building a Pipeline for State-of-the-Art Natural Language Processing Using Hu...
Building a Pipeline for State-of-the-Art Natural Language Processing Using Hu...Building a Pipeline for State-of-the-Art Natural Language Processing Using Hu...
Building a Pipeline for State-of-the-Art Natural Language Processing Using Hu...
 
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)
 
gpt3_presentation.pdf
gpt3_presentation.pdfgpt3_presentation.pdf
gpt3_presentation.pdf
 

Similar to XLNet Presentation.pdf

Instance Based Learning in Machine Learning
Instance Based Learning in Machine LearningInstance Based Learning in Machine Learning
Instance Based Learning in Machine Learning
Pavithra Thippanaik
 
IEEE P2P 2013 - Bootstrapping Skynet: Calibration and Autonomic Self-Control ...
IEEE P2P 2013 - Bootstrapping Skynet: Calibration and Autonomic Self-Control ...IEEE P2P 2013 - Bootstrapping Skynet: Calibration and Autonomic Self-Control ...
IEEE P2P 2013 - Bootstrapping Skynet: Calibration and Autonomic Self-Control ...
Kalman Graffi
 
24-02-18 Rejender pratap.pdf
24-02-18 Rejender pratap.pdf24-02-18 Rejender pratap.pdf
24-02-18 Rejender pratap.pdf
FrangoCamila
 
AI optimizing HPC simulations (presentation from 6th EULAG Workshop)
AI optimizing HPC simulations (presentation from  6th EULAG Workshop)AI optimizing HPC simulations (presentation from  6th EULAG Workshop)
AI optimizing HPC simulations (presentation from 6th EULAG Workshop)
byteLAKE
 
Software defined network
Software defined networkSoftware defined network
Software defined network
Bogamoga1
 
Hardware Acceleration for Machine Learning
Hardware Acceleration for Machine LearningHardware Acceleration for Machine Learning
Hardware Acceleration for Machine Learning
CastLabKAIST
 
Log Analytics in Datacenter with Apache Spark and Machine Learning
Log Analytics in Datacenter with Apache Spark and Machine LearningLog Analytics in Datacenter with Apache Spark and Machine Learning
Log Analytics in Datacenter with Apache Spark and Machine Learning
Piotr Tylenda
 
Log Analytics in Datacenter with Apache Spark and Machine Learning
Log Analytics in Datacenter with Apache Spark and Machine LearningLog Analytics in Datacenter with Apache Spark and Machine Learning
Log Analytics in Datacenter with Apache Spark and Machine Learning
Agnieszka Potulska
 
Topic2-Network_FlexRayCommBus_20111013.ppt
Topic2-Network_FlexRayCommBus_20111013.pptTopic2-Network_FlexRayCommBus_20111013.ppt
Topic2-Network_FlexRayCommBus_20111013.ppt
jacu123
 
Architectural_Synthesis_for_DSP_Structured_Datapaths
Architectural_Synthesis_for_DSP_Structured_DatapathsArchitectural_Synthesis_for_DSP_Structured_Datapaths
Architectural_Synthesis_for_DSP_Structured_DatapathsShereef Shehata
 
4g lte matlab
4g lte matlab4g lte matlab
4g lte matlab
Hakim Zentani
 
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
InVID Project
 
Synthesis of analytical methods data driven decision-making
Synthesis of analytical methods data driven decision-makingSynthesis of analytical methods data driven decision-making
Synthesis of analytical methods data driven decision-making
Adam Doyle
 
Scaling Multinomial Logistic Regression via Hybrid Parallelism
Scaling Multinomial Logistic Regression via Hybrid ParallelismScaling Multinomial Logistic Regression via Hybrid Parallelism
Scaling Multinomial Logistic Regression via Hybrid Parallelism
Parameswaran Raman
 
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Sourour Kanzari
 
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Sourour Kanzari
 
Speeding up Distributed Big Data Recommendation in Spark
Speeding up Distributed Big Data Recommendation in SparkSpeeding up Distributed Big Data Recommendation in Spark
Speeding up Distributed Big Data Recommendation in Spark
Hans De Sterck
 
pptx - Psuedo Random Generator for Halfspaces
pptx - Psuedo Random Generator for Halfspacespptx - Psuedo Random Generator for Halfspaces
pptx - Psuedo Random Generator for Halfspacesbutest
 
pptx - Psuedo Random Generator for Halfspaces
pptx - Psuedo Random Generator for Halfspacespptx - Psuedo Random Generator for Halfspaces
pptx - Psuedo Random Generator for Halfspacesbutest
 
Software Abstractions for Parallel Hardware
Software Abstractions for Parallel HardwareSoftware Abstractions for Parallel Hardware
Software Abstractions for Parallel Hardware
Joel Falcou
 

Similar to XLNet Presentation.pdf (20)

Instance Based Learning in Machine Learning
Instance Based Learning in Machine LearningInstance Based Learning in Machine Learning
Instance Based Learning in Machine Learning
 
IEEE P2P 2013 - Bootstrapping Skynet: Calibration and Autonomic Self-Control ...
IEEE P2P 2013 - Bootstrapping Skynet: Calibration and Autonomic Self-Control ...IEEE P2P 2013 - Bootstrapping Skynet: Calibration and Autonomic Self-Control ...
IEEE P2P 2013 - Bootstrapping Skynet: Calibration and Autonomic Self-Control ...
 
24-02-18 Rejender pratap.pdf
24-02-18 Rejender pratap.pdf24-02-18 Rejender pratap.pdf
24-02-18 Rejender pratap.pdf
 
AI optimizing HPC simulations (presentation from 6th EULAG Workshop)
AI optimizing HPC simulations (presentation from  6th EULAG Workshop)AI optimizing HPC simulations (presentation from  6th EULAG Workshop)
AI optimizing HPC simulations (presentation from 6th EULAG Workshop)
 
Software defined network
Software defined networkSoftware defined network
Software defined network
 
Hardware Acceleration for Machine Learning
Hardware Acceleration for Machine LearningHardware Acceleration for Machine Learning
Hardware Acceleration for Machine Learning
 
Log Analytics in Datacenter with Apache Spark and Machine Learning
Log Analytics in Datacenter with Apache Spark and Machine LearningLog Analytics in Datacenter with Apache Spark and Machine Learning
Log Analytics in Datacenter with Apache Spark and Machine Learning
 
Log Analytics in Datacenter with Apache Spark and Machine Learning
Log Analytics in Datacenter with Apache Spark and Machine LearningLog Analytics in Datacenter with Apache Spark and Machine Learning
Log Analytics in Datacenter with Apache Spark and Machine Learning
 
Topic2-Network_FlexRayCommBus_20111013.ppt
Topic2-Network_FlexRayCommBus_20111013.pptTopic2-Network_FlexRayCommBus_20111013.ppt
Topic2-Network_FlexRayCommBus_20111013.ppt
 
Architectural_Synthesis_for_DSP_Structured_Datapaths
Architectural_Synthesis_for_DSP_Structured_DatapathsArchitectural_Synthesis_for_DSP_Structured_Datapaths
Architectural_Synthesis_for_DSP_Structured_Datapaths
 
4g lte matlab
4g lte matlab4g lte matlab
4g lte matlab
 
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
 
Synthesis of analytical methods data driven decision-making
Synthesis of analytical methods data driven decision-makingSynthesis of analytical methods data driven decision-making
Synthesis of analytical methods data driven decision-making
 
Scaling Multinomial Logistic Regression via Hybrid Parallelism
Scaling Multinomial Logistic Regression via Hybrid ParallelismScaling Multinomial Logistic Regression via Hybrid Parallelism
Scaling Multinomial Logistic Regression via Hybrid Parallelism
 
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
 
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
Andrade sep15 fromlowarchitecturalexpertiseuptohighthroughputnonbinaryldpcdec...
 
Speeding up Distributed Big Data Recommendation in Spark
Speeding up Distributed Big Data Recommendation in SparkSpeeding up Distributed Big Data Recommendation in Spark
Speeding up Distributed Big Data Recommendation in Spark
 
pptx - Psuedo Random Generator for Halfspaces
pptx - Psuedo Random Generator for Halfspacespptx - Psuedo Random Generator for Halfspaces
pptx - Psuedo Random Generator for Halfspaces
 
pptx - Psuedo Random Generator for Halfspaces
pptx - Psuedo Random Generator for Halfspacespptx - Psuedo Random Generator for Halfspaces
pptx - Psuedo Random Generator for Halfspaces
 
Software Abstractions for Parallel Hardware
Software Abstractions for Parallel HardwareSoftware Abstractions for Parallel Hardware
Software Abstractions for Parallel Hardware
 

Recently uploaded

Analysis insight about a Flyball dog competition team's performance
Analysis insight about a Flyball dog competition team's performanceAnalysis insight about a Flyball dog competition team's performance
Analysis insight about a Flyball dog competition team's performance
roli9797
 
Enhanced Enterprise Intelligence with your personal AI Data Copilot.pdf
Enhanced Enterprise Intelligence with your personal AI Data Copilot.pdfEnhanced Enterprise Intelligence with your personal AI Data Copilot.pdf
Enhanced Enterprise Intelligence with your personal AI Data Copilot.pdf
GetInData
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
Timothy Spann
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
NABLAS株式会社
 
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Subhajit Sahu
 
Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)
TravisMalana
 
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
oz8q3jxlp
 
Influence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business PlanInfluence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business Plan
jerlynmaetalle
 
Nanandann Nilekani's ppt On India's .pdf
Nanandann Nilekani's ppt On India's .pdfNanandann Nilekani's ppt On India's .pdf
Nanandann Nilekani's ppt On India's .pdf
eddie19851
 
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Subhajit Sahu
 
一比一原版(Dalhousie毕业证书)达尔豪斯大学毕业证如何办理
一比一原版(Dalhousie毕业证书)达尔豪斯大学毕业证如何办理一比一原版(Dalhousie毕业证书)达尔豪斯大学毕业证如何办理
一比一原版(Dalhousie毕业证书)达尔豪斯大学毕业证如何办理
mzpolocfi
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP
 
Machine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptxMachine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptx
balafet
 
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
John Andrews
 
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
axoqas
 
Data_and_Analytics_Essentials_Architect_an_Analytics_Platform.pptx
Data_and_Analytics_Essentials_Architect_an_Analytics_Platform.pptxData_and_Analytics_Essentials_Architect_an_Analytics_Platform.pptx
Data_and_Analytics_Essentials_Architect_an_Analytics_Platform.pptx
AnirbanRoy608946
 
Learn SQL from basic queries to Advance queries
Learn SQL from basic queries to Advance queriesLearn SQL from basic queries to Advance queries
Learn SQL from basic queries to Advance queries
manishkhaire30
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
AbhimanyuSinha9
 
My burning issue is homelessness K.C.M.O.
My burning issue is homelessness K.C.M.O.My burning issue is homelessness K.C.M.O.
My burning issue is homelessness K.C.M.O.
rwarrenll
 
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
dwreak4tg
 

Recently uploaded (20)

Analysis insight about a Flyball dog competition team's performance
Analysis insight about a Flyball dog competition team's performanceAnalysis insight about a Flyball dog competition team's performance
Analysis insight about a Flyball dog competition team's performance
 
Enhanced Enterprise Intelligence with your personal AI Data Copilot.pdf
Enhanced Enterprise Intelligence with your personal AI Data Copilot.pdfEnhanced Enterprise Intelligence with your personal AI Data Copilot.pdf
Enhanced Enterprise Intelligence with your personal AI Data Copilot.pdf
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
 
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
 
Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)
 
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
 
Influence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business PlanInfluence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business Plan
 
Nanandann Nilekani's ppt On India's .pdf
Nanandann Nilekani's ppt On India's .pdfNanandann Nilekani's ppt On India's .pdf
Nanandann Nilekani's ppt On India's .pdf
 
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
 
一比一原版(Dalhousie毕业证书)达尔豪斯大学毕业证如何办理
一比一原版(Dalhousie毕业证书)达尔豪斯大学毕业证如何办理一比一原版(Dalhousie毕业证书)达尔豪斯大学毕业证如何办理
一比一原版(Dalhousie毕业证书)达尔豪斯大学毕业证如何办理
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 
Machine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptxMachine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptx
 
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
 
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
 
Data_and_Analytics_Essentials_Architect_an_Analytics_Platform.pptx
Data_and_Analytics_Essentials_Architect_an_Analytics_Platform.pptxData_and_Analytics_Essentials_Architect_an_Analytics_Platform.pptx
Data_and_Analytics_Essentials_Architect_an_Analytics_Platform.pptx
 
Learn SQL from basic queries to Advance queries
Learn SQL from basic queries to Advance queriesLearn SQL from basic queries to Advance queries
Learn SQL from basic queries to Advance queries
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
 
My burning issue is homelessness K.C.M.O.
My burning issue is homelessness K.C.M.O.My burning issue is homelessness K.C.M.O.
My burning issue is homelessness K.C.M.O.
 
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
 

XLNet Presentation.pdf