Pre-trained Model Summary
🥥 Table of Content
- 00 - Overview
- 01 - Tokenization
- 02 - Position Encoding
- 03 - Word Embedding
- 04 - Transformer Block(Attention + FFN)
- 05 - Model Head for Downstream Tasks
- 06 - BERT Family
- 07 - Decoder-only Model
🥑 Get Started!
00 - Overview
1st Paradigm: Full Supervised Learning(Non-Neural Network)
2nd Paradigm: Full Supervised Learning(Neural Network)
3rd Paradigm: Pre-train(self-supervised) + Fine-tune(supervised)
4th Paradigm: Pre-train(self-supervised) + Prompt/Instruct + Predict
What is pre-training?
Self-supervised learning on the large set of unlabeled data.
NLP vs. NLU vs. NLG: the differences between three natural language processing concepts
预训练语言模型:GLM
Pre-trained Model Architecture | Pre-training task | Task Type | Example |
---|---|---|---|
Encoder-only (Auto Encoder) | Masked Language Model | NLU | BERT Family |
Decoder-only (Auto Regression) | Causal Language Model or Prefix Language Model | NLG | GPT, Llama, Bloom |
Encoder-Decoder (Seq2Seq) | Sequence to Sequence Model | Conditional-NLG | T5, BART |
Resource 1: Self-supervised Learning: Generative or Contrastive
Resource 2: Generative Self-supervised Learning in LLM Pre-Training task
Resource 3: 一文读懂GPT家族和BERT的底层区别——自回归和自编码语言模型详解
Resource 3: The Transformer model family | Hugging Face
data:image/s3,"s3://crabby-images/554e7/554e7592112a610f717c7209a21974433f78d58b" alt=""
Generative Pre-Training task
- Auto-Encoder(AE) Models: BERT(MLM&NSP)
- Auto-Regressive(AR) Models: GPT
- Encoder-Decoder: T5
Downstream task
- Auto-Encoder(AE) Models: Text Understanding(Text Classification, Token Classification, Question Answering, Text Summarization)
- Auto-Regressive(AR) Models: Text Generation
- Encoder-Decoder: Text Translation
01 - Tokenization
Resource 1: Summary of tokenizers | Hugging Face
Resource 2: Do you need to put EOS and BOS tokens in autoencoder transformers? | StackOverflow
Text --> Tokens --> input_ids
output_ids --> Tokens --> Text
- Character-based Tokenization
- Word-based Tokenization
- Subword-based Tokenization
- WordPiece: BERT, DistilBERT
- Byte-Pair Encoding(BPE): GPT-2, RoBERTa
- Unigram: XLNet, ALBERT
- SentencePiece: ChatGLM、BLOOM、PaLM
data:image/s3,"s3://crabby-images/a5ba7/a5ba73ed32c4a7be02341ce23094b9019172188f" alt=""
02 - Position Encoding
<1> Absolute Position Encoding
<2> Relative Position Encoding
<3> Rotary Position Embedding (RoPE)
Article: ROFORMER: ENHANCED TRANSFORMER WITH ROTARY
POSITION EMBEDDING
data:image/s3,"s3://crabby-images/d67ac/d67acca32b97c32be6b87b12eaffc2adbb91083b" alt=""
03 - Word Embedding
Source 1: Glossary of Deep Learning: Word Embedding | Medium
Source 2: Word2Vec | Bilibili
- BOW(One-Hot, TF-IDF, TextRank)
- Word2Vec(CBOW, Skip-gram)
- Glove
- FastText
- nn.Embedding()
04 - Transformer Block
Multi-head Attention + Feed Forward Network(Linear + Activition + Linear) + Residual Addition + Layer Normalization
<1> Attention
- Bidirectional attention: Encoder
- unidirectional or one-way attention: Decoder
注意力得分矩阵是下三角矩阵
Attention mask
data:image/s3,"s3://crabby-images/f2927/f292775c143c48226ac0ad268b1a1a3d72c488ea" alt=""
Flash Attention
<2> Normalization
Group by the type
- Batch Normalization
- Layer Normalization
- RMS Normalization
Transformer中的Normalization层一般都是采用LayerNorm来对Tensor进行归一化,LayerNorm的公式如下:
而RMSNorm就是LayerNorm的变体,RMSNorm省去了求均值的过程,也没有了偏置,即
其中 和 为可学习的参数
Group by the position
- Post-Norm
- Pre-Norm
- Sandwich-Norm
data:image/s3,"s3://crabby-images/ec228/ec22809066112e26f2f396ecacd15d1d78ad3e15" alt=""
Post LN:
位置:layer norm 在残差链接之后
缺点:Post LN 在深层的梯度范式逐渐增大,导致使用post-LN 的深层transformer 容易出现训练不稳定的问题
Pre-LN:
位置:layer norm 在残差链接中
优点:相比于 Post-LN,Pre LN 在深层的梯度范式近似相等,所以使用 Pre-LN 的深层
transformer 训练更稳定,可以缓解训练不稳定问题
缺点:相比于Post-LN,Pre-LN 的模型效果略差
Sandwich-LN:
位置:在pre-LN 的基础上,额外插入了一个layer norm
优点:Cogview 用来避免值爆炸的问题
缺点:训练不稳定,可能会导致训练崩溃。
Model | Nomalization |
---|---|
GPT3 | Pre Layer Norm |
Llama | Pre RMS Norm |
baichuan | Pre RMS Norm |
ChatGLM-6B | Post Deep Norm |
ChatGLM2-6B | Post RMS Norm |
Bloom | Pre Layer Norm |
05 - Model Head for Downstream Tasks
To see the hidden states, click here.
data:image/s3,"s3://crabby-images/419f7/419f7886f4a1fd1567635128c657195974d4118a" alt=""
self.out_proj = nn.Linear(config.hidden_size, config.num_labels)
hidden states: contextual understanding of the input sentences by the model, the shape is [batch_size, token_len, hidden_size].(hidden_size is the last linear size in the model block)
Tokenizer(Text) --> input
AutoModel(input_ids) --> return hidden states
Model Head(hidden states) --> return the logits based on the given num_labels
softmax(logits) --> the prob distribution based on the given num_labels
argmax(prob distribution) --> 0 or 1 (or 2 ...)
id2label(1 or 0) --> The final output
AutoModel
AutoModelForCausalLM # Text Generation
AutoModelForMaskedLM
AutoModelForSeq2SeqLM # Text Translation
AutoModelForMultipleChoice
AutoModelForQuestionAnswering
AutoModelForSequenceClassification # Text Classification
AutoModelForTokenClassification # Text Tagging (NER or POS)
06 - BERT Family
DeBERTa
- disentangled attention
content-to-content, content-to-position, position-to-content matrix - enhanced mask decoder
H(hidden states), I(any necessary information for decoding(e.g. hidden states, absolute position embeddings or output from the previous EMD layer))
07 - Decoder-only Model
Resource 1: LLaMA
Resource 2: 论文精读:Mixtral + MoE - 王几行 | 知乎
Article 1: Mixtral of Experts
Article 2: Mixtral 7B
Article 3: GQA: Training Generalized Multi-Query Transformer Models from Multi-Head Checkpoints
LLaMA 2
- Pre RMS Norm
- Rotary Positional Embeddings (RoPE)
- Multi-Head Attention(7B), Grouped-Query Attention(34B, 70B)
- KV Cache
- SwiGLU
Mistral 7B
- Pre RMS Norm
- Rotary Positional Embeddings (RoPE)
- Grouped Query Attention + Sliding Window Attention
- Rotating Buffer Cache
- SwiGLU
Mistral 8x7B(use only 12.9B)
- Mistral 7B + Mixture of Experts (MoE)
ChatGLM
【推荐】编程新体验,更懂你的AI,立即体验豆包MarsCode编程助手
【推荐】凌霞软件回馈社区,博客园 & 1Panel & Halo 联合会员上线
【推荐】抖音旗下AI助手豆包,你的智能百科全书,全免费不限次数
【推荐】博客园社区专享云产品让利特惠,阿里云新客6.5折上折
【推荐】轻量又高性能的 SSH 工具 IShell:AI 加持,快人一步
· DeepSeek “源神”启动!「GitHub 热点速览」
· 微软正式发布.NET 10 Preview 1:开启下一代开发框架新篇章
· 我与微信审核的“相爱相杀”看个人小程序副业
· C# 集成 DeepSeek 模型实现 AI 私有化(本地部署与 API 调用教程)
· spring官宣接入deepseek,真的太香了~