1.9.llm_others
世界模型
怒斥Sora之后,LeCun放出「视觉世界模型」论文,揭示AI学习物理世界的关键
100万token,一次能分析1小时YouTube视频,「大世界模型」火了
WORLD MODEL ON MILLION-LENGTH VIDEO AND LANGUAGE WITH RINGATTENTION
https://github.com/LargeWorldModel/LWM
Is Sora a World Simulator? A Comprehensive Survey on General World Models and Beyond
Diffusion for World Modeling: Visual Details Matter in Atari
https://github.com/eloialonso/diamond
pandora
Pandora : Towards General World Model with Natural Language Actions and Video States
https://github.com/maitrix-org/Pandora
ACL 2024论文盖棺定论:大语言模型≠世界模拟器,Yann LeCun:太对了
Can Language Models Serve as Text-Based World Simulators?
WHALE
WHALE: TOWARDS GENERALIZABLE AND SCALABLE WORLD MODELS FOR EMBODIED DECISION-MAKING
genie 2
谷歌世界模型爆发:单张图生成可玩3D世界,还要和马斯克一起做AI游戏
https://deepmind.google/discover/blog/genie-2-a-large-scale-foundation-world-model/
NWM
语言物理学
(toread)
https://www.bilibili.com/video/BV1Yw4m1k7nH
LLM+math
mathscale
【LLM-数学】MathScale 用于数学推理的指令调优扩展方法
MathScale: Scaling Instruction Tuning for Mathematical Reasoning
AlphaGeometry
奥数能力金牌级:DeepMind几何推理模型登上Nature,代码开源,菲尔兹奖得主点赞提出了AlphaGeometry
AlphaProof & AlphaGeometry 2
谷歌AI拿下IMO奥数银牌,数学推理模型AlphaProof面世,强化学习 is so back提出AlphaProof和AlphaGeometry 2
WE-Math基准
真相了!大模型解数学题和人类真不一样:死记硬背、知识欠缺明显,GPT-4o表现最佳
WE-MATH: Does Your Large Multimodal Model Achieve Human-like Mathematical Reasoning?
https://github.com/We-Math/We-Math
https://huggingface.co/datasets/We-Math/We-Math
case-based or rule-based
ICML 2024|Transformer究竟如何推理?基于样例还是基于规则
Case-Based or Rule-Based: How Do Transformers Do the Math?
https://github.com/GraphPKU/Case_or_Rule
LLM常见难题
重复生成
https://www.zhihu.com/question/616130636
https://mp.weixin.qq.com/s/cSwWapqFhxu9zafzPUeVEw
幻觉
综述
OpenAI Lilian Weng万字长文解读LLM幻觉:从理解到克服
https://lilianweng.github.io/posts/2024-07-07-hallucination/
语义熵
Detecting hallucinations in large language models using semantic entropy
知识冲突
Knowledge Conflicts for LLMs: A Survey
llm+db
长文本杀不死RAG:SQL+向量驱动大模型和大数据新范式,MyScale AI数据库正式开源
https://github.com/myscale/myscaledb
Zilliz
记忆能力
Localizing Paragraph Memorization in Language Models
对应代码:https://github.com/googleinterns/localizing-paragraph-memorization
我们能否定位出语言模型中用于记忆其训练数据中整段文字的权重和机制?
尽管记忆现象分布在模型的多个层级和组件中,但记忆段落的梯度在空间上有可辨别的模式,即在较低模型层级的梯度比非记忆example的梯度大。
通过仅微调高梯度的权重,可以使模型遗忘记忆的example。
定位了一个特别参与段落记忆的低层注意力头,它主要关注在语料库级单词频率分布中最不频繁出现的独特、罕见的token。
总的来说,相较非记忆的续写,记忆续写不仅更难以遗忘,也更难以损坏。
reasoning
Do Large Language Models Latently Perform Multi-Hop Reasoning? deepmind的
How do Language Models Bind Entities in Context? UC berkeley的,ICLR2024
memorizing
Knowledge Neurons in Pretrained Transformers ACL 2022
Language Modeling Is Compression ICLR 2024 deepmind
Memorization Without Overfitting: Analyzing the Training Dynamics of Large Language Models meta NeurIPS 2022
越狱
长文本之罪:Claude团队新越狱技术,Llama 2到GPT-4无一幸免
LLM compiler
开发者狂喜!Meta最新发布的LLM Compiler,实现77%自动调优效率
Meta Large Language Model Compiler: Foundation Models of Compiler Optimization
ProLong
Long Context is Not Long at All: A Prospector of Long-Dependency Data for Large Language Models
https://github.com/October2001/ProLong
白化
在 transformer 领域里,“白化”(whitening)主要是指一种对句子嵌入进行后处理的方法,通过将句子向量的均值变为0,并将协方差矩阵变为单位矩阵,从而解决句子嵌入中的各向异性问题。这种技术能够提高句子嵌入在语义相似性任务中的表现,并且加快检索速度。
Whitening Sentence Representations for Better Semantics and Faster Retrieval
代码:https://github.com/bojone/BERT-whitening
Transformer Scale Gate for Semantic Segmentation
蒸馏
Revisiting Knowledge Distillation for Autoregressive Language Models
Meta开发System 2蒸馏技术,Llama 2对话模型任务准确率接近100%
Distilling System 2 into System 1
证明者-验证者博弈
OpenAI超级对齐团队遗作:两个大模型博弈一番,输出更好懂了
Prover-Verifier Games improve legibility of LLM outputs
参考:Learning to Give Checkable Answers with Prover-Verifier Games
道德风险
GPT-4o模仿人类声音,诡异尖叫引OpenAI研究员恐慌!32页技术报告出炉
openai的报告:GPT-4o System Card
之前deepmind也有一个报告The Ethics of Advanced AI Assistants
选择性偏差
ACL2024|大模型选择偏差在腾讯广告特征评测上的优化及应用
Strengthened Symbol Binding Makes Large Language Models Reliable Multiple-Choice Selectors
给定一个问题(question)及其对应的选项内容(options),大模型无法把选项内容(option content)和对应的选项标识符(symbol,特指选项标识A/B/C/D)关联到一起。例如,当把正确答案"the president"放到选项B时,模型能够正确选择出答案;当我们把正确答案放到C时,模型依然选择"B",即模型偏向于选"B"或者第二个答案,而忽略了正确答案的内容。
lost in the middle
Lost in the Middle: How Language Models Use Long Contexts
reasoning boundary
NeurIPS 2024 (Oral) | 如何量化与提升思维链的推理能力边界?
https://github.com/LightChen233/reasoning-boundary
语言≠思维
语言≠思维,大模型学不了推理:一篇Nature让AI社区炸锅了
https://www.nature.com/articles/s41586-024-07522-w
多智能体
《综述:全新大语言模型驱动的Agent》——4.5万字详细解读复旦NLP和米哈游最新Agent Survey
Agent > GPT5?吴恩达最新演讲:四种 Agent 设计范式(通俗易懂版)
JAT
Jack of All Trades, Master of Some, a Multi-Purpose Transformer Agent
https://github.com/huggingface/jat
https://huggingface.co/datasets/jat-project/jat-dataset
输入的序列元素是observations, actions, 和rewards的交替组合:
依据不同输入的数据类型,使用不同网络处理:
图像:用CNN。
连续向量:用线性层
离散值:用线性投影层
预测任务:根据所有先前的观察和动作嵌入来预测下一个动作嵌入。
序列的构造方法:
和文本相关的任务:用 GPT-2 的分词策略,将文本转换为一个整数序列,然后emb lookup映射到一个嵌入向量序列。
和图像有关的任务:用ViT,将图像切割成小块后,通过线性层转换为嵌入向量序列。
最终再将图像和文本的向量序列拼接在一起,形成一个统一的序列,输入到 Transformer 中。
ReadAgent
「有效上下文」提升20倍!DeepMind发布ReadAgent框架
多模态agent
一文详解多模态智能体(LMAs)最新进展(核心组件/分类/评估/应用)
Large Multimodal Agents: A Survey
https://github.com/jun0wanan/awesome-large-multimodal-agents
OpenDevin
OpenDevin: An Open Platform for AI Software Developers as Generalist Agents
autogpt
GitHub星标超16万,爆火AutoGPT进阶版来了:定制节点、多智能体协同
https://github.com/Significant-Gravitas/AutoGPT
DAAG
Diffusion Augmented Agents: A Framework for Efficient Exploration and Transfer Learning
VARP
GPT-4o能玩《黑神话》!精英怪胜率超人类,无强化学习纯大模型方案
Can VLMs Play Action Role-Playing Games? Take Black Myth Wukong as a Study Case
MARL
Efficient and scalable reinforcement learning for large-scale network control
MMRole
与「李白」赏图赋诗,同「猴哥」直面天命,人大高瓴提出MMRole多模态角色扮演
MMRole: A Comprehensive Framework for Developing and Evaluating Multimodal Role-Playing Agents
https://github.com/YanqiDai/MMRole
Swarm
https://github.com/openai/swarm
agent-as-a-judge
卷起来!让智能体评估智能体,Meta发布Agent-as-a-Judge
Agent-as-a-Judge: Evaluate Agents with Agents
https://github.com/metauto-ai/agent-as-a-judge
Hammer
Hammer: Robust Function-Calling for On-Device Language Models via Function Masking
https://huggingface.co/MadeAgents
https://github.com/MadeAgents/Hammer
AgentOccam
不靠更复杂的策略,仅凭和大模型训练对齐,零样本零经验单LLM调用,成为网络任务智能体新SOTA
AgentOccam: A Simple Yet Strong Baseline for LLM-Based Web Agents
苏格拉底学习
DeepMind用语言游戏让大模型学AlphaGo自我博弈,数据限制不存在了
Boundless Socratic Learning with Language Games
从个人模拟到社会模拟
一些其他比较重要的工作
几篇出现频率比较高的论文
Scaling instruction-finetuned language models 引用数800+
How can we know what language models know? 引用数800+
Chain of thought prompting elicits reasoning in large language models引用1800+
Anthropic的一些工作
Training a Helpful and Harmless Assistant with Reinforcement Learning from Human Feedback
Studying Large Language Model Generalization with Influence Functions
Measuring Faithfulness in Chain-of-Thought Reasoning
从Claude 3中提取数百万特征,首次详细理解大模型的「思维」
Scaling Dictionary Learning to Claude 3 Sonnet
LLM惊现篡改代码获得奖励,欺骗人类无法根除逆转!Anthropic新作揭露惊人真相
SYCOPHANCY TO SUBTERFUGE: INVESTIGATING REWARD TAMPERING IN LANGUAGE MODELS
个性化搜索
随便找一篇Denoising Attention for Query-aware User Modeling in Personalized Search,来看看它的参考文献:
学术界:
工业界:
Personalized Query Suggestions,sigir20,LinkedIn
q-i双塔的改进
引入location+social
Embedding-based Retrieval in Facebook Search,KDD20
q-d双塔结构,在两个塔的最底层均加入:
location:用户所处地理位置,如城市
social:facebook是社交网络,通过另一个基于graph的模型训练得到的user和item emb,直接加进来
引入用户行为序列
Encoding History with Context-aware Representation Learning for Personalized Search,sigir20,人大,提出HTPS
有两个loss:
三塔+gnn邻居+mtl
A GNN-based Multi-task Learning Framework for Personalized Video Search,WSDM22,百度,提出MGNN-PVS
现有的PSM(g personalized search methods)大多使用用户反馈(如点击)进行训练,缺点:
反馈信号大部分表达的是吸引力而非相关性
用户的历史信号比较稀疏,很难学好PSM
两张二部图:u-q和q-d
3个塔:
user:
user自己
一跳邻居(u->q)的q
二跳邻居(u->q->u)的u
query:
query自己
一跳邻居(q->d)的doc
二跳邻居(q->d->q)的query
doc:
doc自己的title向量(训练query-正title-负title的triplet loss)和video向量(训练video-正query-负query的triplet loss)
二跳邻居(d->q->d)的doc
两个task:
ctr预估:u和q拼一起过nn得到个性化的q,再和d过nn得到的向量算内积,得到预估值,用交叉熵
相关性预估:q过另一个nn,d过另一个nn,内积,用mse
RAG
Retrieval-Augmented Generation for Large Language Models: A Survey
Retrieval-Augmented Generation for Knowledge-Intensive NLP Tasks
Meta提出全新文档级嵌入框架,利用LLM来增强信息检索能力
LLM-Augmented Retrieval: Enhancing Retrieval Models Through Language Models and Doc-Level Embedding
RankRAG
RAG微调Llama 3竟超越GPT-4!英伟达GaTech华人学者提出RankRAG框架
RankRAG: Unifying Context Ranking with Retrieval-Augmented Generation in LLMs
graphRAG
微软开源的GraphRAG爆火,Github Star量破万,生成式AI进入知识图谱时代?
https://github.com/microsoft/graphrag
From Local to Global: A Graph RAG Approach to Query-Focused Summarization
RAGChecker
给RAG系统做一次全面「体检」,亚马逊开源RAGChecker诊断工具
RAGCHECKER: A Fine-grained Framework for Diagnosing Retrieval-Augmented Generation
https://github.com/amazon-science/RAGChecker
TAG
Storm
斯坦福开源学术研究神器STORM再进化,AI智能体像人一样进行圆桌讨论
https://github.com/stanford-oval/storm
https://storm.genie.stanford.edu/
Block-atttention RAG
Block-Attention for Efficient RAG
LLM模型融合
https://github.com/arcee-ai/mergekit
SOLAR 10.7B: Scaling Large Language Models with Simple yet Effective Depth Up-Scaling
Evolutionary Optimization of Model Merging Recipes
https://github.com/SakanaAI/evolutionary-model-merge
LLM auto-ml
LLaMA-NAS
LLaMA-NAS: Efficient Neural Architecture Search for Large Language Models
SELA
MetaGPT开源SELA,用AI设计AI,效果超越OpenAI使用的AIDE
SELA: Tree-Search Enhanced LLM Agents for Automated Machine Learning
https://github.com/geekan/MetaGPT/tree/main/metagpt/ext/sela
prompt engineering
万字长文总结提示词技巧!新加坡首届GPT-4提示工程大赛冠军最新分享 提出了CO-STAR框架
https://github.com/NirDiamant/Prompt_Engineering
Can Generalist Foundation Models Outcompete Special-Purpose Tuning? Case Study in Medicine
让gpt4生成cot和答案的模板
看着是借助GPT4+COT+RAG+投票
拿一坨question得到他们的向量,并按照上图的模板让gpt生成COT和答案,人工判断,对的存进知识库里
预测阶段:
拿测试question的向量从知识库里查出5个最像(cos距离)的(q, cot, answer)作为context
循环5次: shuffle测试question的答案选项,让LLM回答
对生成的答案投票,选票数最多的
APE
https://github.com/marshmellow77/automated-prompt-engineering-from-scratch
PAS
PAS: Data-Efficient Plug-and-Play Prompt Augmentation System
ell
OpenAI前研究者发布提示词工程框架ell,升级版LangChain,支持版本控制和多模态
https://github.com/MadcowD/ell
可解释AI
Usable XAI: 10 Strategies Towards Exploiting Explainability in the LLM Era
https://github.com/JacksonWuxs/UsableXAI_LLM
综述
可解释性终极追问,什么才是第一性解释?20篇CCF-A+ICLR论文给你答案
TransformerLens
Neel Nanda(deepmind)的项目
https://transformerlensorg.github.io/TransformerLens/
ecco
https://jalammar.github.io/explaining-transformers/
https://jalammar.github.io/hidden-states/
interpretability in the wild
Interpretability in the Wild: a Circuit for Indirect Object Identification in GPT-2 small
https://github.com/redwoodresearch/Easy-Transformer
activation engineering
Activation Addition: Steering Language Models Without Optimization
representation engineering
Representation Engineering: A Top-Down Approach to AI Transparency
transformer-debugger
https://github.com/openai/transformer-debugger/tree/main
painter
Transformer Layers as Painters
transformer explainer
黑匣子被打开了!能玩的Transformer可视化解释工具,本地运行GPT-2、还可实时推理
TRANSFORMER EXPLAINER: Interactive Learning of Text-Generative Models
http://poloclub.github.io/transformer-explainer/
superposition
Scaling Monosemanticity: Extracting Interpretable Features from Claude 3 Sonnet
3Blue1Brown
用最直观的动画,讲解LLM如何存储事实,3Blue1Brown的这个视频又火了
https://www.youtube.com/watch?v=9-Jl0dxWQs8
Monitor
他们掰开神经元,终于让大模型9.8大于9.11了:神秘创业公司,开源AI「洗脑」工具
https://transluce.org/observability-interface
https://monitor.transluce.org/dashboard/chat
Lifelong learning of LLM
(toread)
Towards Lifelong Learning of Large Language Models: A Survey
https://github.com/qianlima-lab/awesome-lifelong-learning-methods-for-llm
自省
Looking Inward: Language Models Can Learn About Themselves by Introspection
具身智能
大模型走向物理世界,TeleAI 发布大模型驱动的具身智能综述,覆盖300篇文献
Embodied-AI with large models: research and challenges
ReKep
李飞飞团队提出ReKep,让机器人具备空间智能,还能整合GPT-4o
ReKep: Spatio-Temporal Reasoning of Relational Keypoint Constraints for Robotic Manipulation
https://github.com/huangwl18/ReKep
GR-2
GR-2登场!ByteDance Research提出机器人大模型,具备世界建模和强大泛化能力
GR-2: A Generative Video-Language-Action Model with Web-Scale Knowledge for Robot Manipulation
https://gr2-manipulation.github.io/
RDT-1B
清华开源全球最大双臂机器人扩散大模型RDT,懂调酒能遛狗,登顶HF具身热榜
RDT-1B: a Diffusion Foundation Model for Bimanual Manipulation
HIL-SERL
强化学习训练一两个小时,100%自主完成任务:机器人ChatGPT时刻真来了?
Precise and Dexterous Robotic Manipulation via Human-in-the-Loop Reinforcement Learning
语音
Mini-Omni
让大模型能听会说,国内机构开源全球首个端到端语音对话模型Mini-Omni
Mini-Omni: Language Models Can Hear, Talk While Thinking in Streaming
https://github.com/gpt-omni/mini-omni
Illuminate
任意论文一键变播客,谷歌正式发布Illuminate,它能重构研究者的学习方式吗?
https://illuminate.google.com/home
LLM+芯片设计
登上Nature的AI芯片设计屡遭质疑,谷歌发文反击,Jeff Dean:质疑者连预训练都没做
That Chip Has Sailed: A Critique of Unfounded Skepticism Around AI for Chip Design
其他
安全性
Anthropic安全负责人:在超级AI「毁灭」人类之前,我们可以做这些准备
OpenAI最新53页论文:ChatGPT看人下菜碟,对“小美”比“小帅”更友好
First-Person Fairness in Chatbots
长尾
A Systematic Review on Long-Tailed Learning
文本匹配效果还行的模型
大多是基于sentence-bert的,m3e-base在电商语料上试过,效果不错
https://huggingface.co/moka-ai/m3e-base
https://huggingface.co/shibing624/text2vec-base-chinese
本地知识库
https://github.com/chatchat-space/Langchain-Chatchat
llm应用合辑
ChatGPT聚合站:https://hokex.com
游戏生成站:https://latitude.io/
家庭作业辅助站:https://ontimeai.com/
文字转语音站:https://www.resemble.ai/
艺术作画站:https://starryai.com/
logo制作站:https://www.logoai.com/
ai写作站:https://www.getconch.ai/
音乐制作站:https://soundraw.io/
声音模拟站:https://fakeyou.com/
一句话生成一段视频:https://runwayml.com/
文字转语音:https://murf.ai/
swiftsage
SwiftSage: A Generative Agent with Fast and Slow Thinking for Complex Interactive Tasks
达摩院大模型技术交流
https://developer.aliyun.com/live/248332
ppt:链接 密码:5yyf
回译
通过单语数据提升 NMT 模型最高效的方法之一是回译(back-translation)。如果我们的目标是训练一个英语到德语的翻译模型,那么可以首先训练一个从德语到英语的翻译模型,并利用该模型翻译所有的单语德语数据。然后基于原始的英语到德语数据,再加上新生成的数据,我们就能训练一个英语到德语的最终模型。
Understanding Back-Translation at Scale
nan问题
时间序列
Are Language Models Actually Useful for Time Series Forecasting?
人脑
MIT大牛新作震惊学界!AI「长脑子」了?LLM惊现「人类脑叶」结构并有数学代码分区
The Geometry of Concepts: Sparse Autoencoder Feature Structure
LLM for 算法设计
A Systematic Survey on Large Language Models for Algorithm Design
深度生成模型课程
教授何恺明在MIT的第二门课——《深度生成模型》,讲座PPT陆续已出
https://mit-6s978.github.io/schedule.html
https://mit-6s978.github.io/assets/pdfs/lec1_intro.pdf
https://mit-6s978.github.io/assets/pdfs/lec2_vae.pdf
https://mit-6s978.github.io/assets/pdfs/lec3_ar.pdf
https://mit-6s978.github.io/assets/pdfs/lec4_gan.pdf
https://mit-6s978.github.io/assets/pdfs/lec5_diffusion.pdf
其他
Why do small language models underperform? Studying LM Saturation via the Softmax Bottleneck
传说中Ilya Sutskever精选论文清单:AI领域40大论文完整版「破解」完成
Hinton万字访谈:用更大模型「预测下一个词」值得全力以赴
ChatGPT如何「思考」?心理学和神经科学破解AI大模型,Nature发文
Octo: An Open-Source Generalist Robot Policy
Just How Flexible are Neural Networks in Practice?
清华包揽最佳论文+时间检验奖,山大获荣誉提名,SIGIR 2024奖项出炉
一些记录
打印模型参数量
https://stackoverflow.com/questions/49201236/check-the-total-number-of-parameters-in-a-pytorch-model
往现有tokenizer里加一些特殊token
https://stackoverflow.com/questions/69191305/how-to-add-new-special-token-to-the-tokenizer
示例
python的读写锁
一个写,多个并行读:https://pypi.org/project/readerwriterlock/
pytorch的显存泄露
https://github.com/pytorch/pytorch/issues/13246#issuecomment-445770039
torch profiling
https://pytorch.org/tutorials/recipes/recipes/profiler_recipe.html
可以拿这个来可视化:https://ui.perfetto.dev/
点击open trace file上传json文件
timeline中有两个python进程,点击cuda kernel会出现箭头,方便找到是哪个op调用了该kernel
靠上的python进程是host侧进程(主要是用户代码中调用的一些API/pytorch op,能比较方便能和训练代码对应上)
靠下的python进程是device(gpu)侧进程(记录实际cuda kernel 的执行和一些性能相关的数据)
device timeline比较稀疏的情况下训练性能较差,GPU利用率较低,可能需要排查下训练代码是否有问题
显存泄露排查
https://pytorch.ac.cn/docs/stable/torch_cuda_memory.html
https://pytorch.org/blog/understanding-gpu-memory-1/
https://pytorch.org/blog/understanding-gpu-memory-2/
检查显存
同时profile cpu和显存
各型号gpu对比
https://zhuanlan.zhihu.com/p/441153412
查看python的栈
打出来:
一些报错的解法
flash-attention2
https://github.com/Dao-AILab/flash-attention/issues/451
GPU机型对比
L20:https://www.techpowerup.com/gpu-specs/l20.c4206
T flops:
tf32:59.8
fp32:59.8
bf16:119.5
fp16:119.5
A800-40G:https://www.techpowerup.com/gpu-specs/a800-pcie-40-gb.c3964
T flops:
tf32:156
fp32:19.5
bf16:312
fp16:77.97
最后更新于