当前位置: 首页 > news >正文

下沙做网站wordpress登陆口

下沙做网站,wordpress登陆口,网站建设批复意见,长沙网站建设排名Accelerating Large Language Models with Flash Attention on AMD GPUs — ROCm Blogs 引言 在这篇博客文章中#xff0c;我们将指导您如何在AMD GPU上安装Flash Attention#xff0c;并提供与在PyTorch中标准SDPA比较其性能的基准测试。我们还将测量Hugging Face中多个大型…Accelerating Large Language Models with Flash Attention on AMD GPUs — ROCm Blogs 引言 在这篇博客文章中我们将指导您如何在AMD GPU上安装Flash Attention并提供与在PyTorch中标准SDPA比较其性能的基准测试。我们还将测量Hugging Face中多个大型语言模型LLM的端到端预填充延迟。 为了理解Flash Attention及其基准测试结果的重要性让我们首先深入了解一下推动了变压器架构成功的注意力机制。这种机制是编码器和解码器块的关键组成部分使得变压器在包括自然语言处理、计算机视觉和音频任务在内的广泛AI领埄中出类拔萃。 尺度点积注意力(Scaled Dot-Product Attention) Transformer模型中使用的注意力机制被称为尺度点积注意力SDPA。SDPA的公式如下其中_Q_、_K_和_V_是查询、键和值矩阈_dₖ_是键向量的尺寸 SDPA使得模型在生成输出的每个元素时都能够关注输入的不同部分使模型能够捕获长距离依赖关系并处理长度不等的序列。 SDPA的成本 尽管SDPA已证明其效用但它在对较长序列例如整本书或长视频进行建模时面临挑战由于其时间和内存复杂度是二次方的 —— 以输入序列长度 N 的 _O(N²)_。例如如果你将序列长度加倍计算所需的时间将增加四倍并且需要四倍的高带宽内存HBM读写次数。由于SDPA的巨大计算成本其在处理长上下文任务时的适用性受到限制。 针对精简注意力机制计算成本的研究工作相当多涵盖了采用稀疏和低秩技术来逼近注意力。稀疏注意力技术消除了注意力矩阵中某些条目而低秩方法将注意力矩阵分解为更小的低秩组件。尽管这些方法可以将计算需求降低至接近线性时间但由于质量上的折中和与标准SDPA相比实际时钟速度提升有限它们没有得到广泛采用。 内存瓶颈 近似注意力算法有限的时钟速度提升的主要原因是重点在于减少浮点运算FLOPs而不是解决内存访问开销。有趣的是如果您在GPU上对SDPA进行分析您会发现大部分时间被丢弃、softmax和掩蔽操作消耗而不是计算密集型的矩阵乘法。这一意外结果可以通过变压器被内存带宽而不是计算速度所限制来解释。数据移动是您所需的一切揭示了像矩阵乘法这样的计算密集型操作构成了总FLOPs的99.8%以上但只占总运行时间的61%。出人意料的是内存密集型操作如统计归一化和元素级函数例如丢弃和掩蔽消耗了变压器模型运行时间剩余的40%。这些内存密集型操作只占总FLOPs的0.02%。 简而言之读写内存花费的时间比实际计算要多。这些结果突显了在基于变压器的模型中解决内存瓶颈的重要性。 Flash Attention 为了解决这些内存瓶颈问题Tri Dao提出了Flash Attention这是一种计算精确关注度的硬件感知关注算法。它通过减少对GPU存储器的关注矩阵的读写次数并尽可能多地在芯片上进行计算以解决内存瓶颈。这需要在没有完整输入的情况下计算softmax并且不存储来自前向传播的关注矩阵。Flash Attention通过将输入分成块并使用分块在芯片上逐步计算块softmax来实现这一目标。此外它采用重计算通过仅存储来自前向传播的softmax归一化因子来快速重新计算注意力。所有这些操作都合并到单个GPU内核中从而实现显著的加速和减少内存使用。深入了解Flash Attention我们推荐阅读原始论文Flash Attention高速且内存高效的精确注意力计算具备输入输出意识。您可以在GitHub 仓库中找到本博客文章中使用的所有文件和脚本。 先决条件 要运行这篇博客您需要以下条件 • Linux请见支持的Linux发行版 • ROCm 5.7请见安装说明 • PyTorch 2.3请见安装说明 • 支持的AMD GPU请见兼容GPU列表 起步 在这篇博客中我们将使用rocm/pytorch-nightly Docker镜像并在容器中构建Flash Attention。为了开始让我们拉取它。 docker pull rocm/pytorch-nightly:latest docker run -it --networkhost --group-addvideo \--ipchost --cap-addSYS_PTRACE \--security-opt seccompunconfined \--device /dev/kfd --device /dev/dri \rocm/pytorch-nightly:latest 接下来安装我们需要的库。 pip install -q transformers accelerate matplotlib 要安装带有ROCm支持的Flash Attention我们不能简单地运行pip install flash-attn因为它安装的版本与AMD GPU不兼容。相反我们需要克隆AMD的flash-attention仓库并从源码构建它。 git clone --recursive https://github.com/ROCm/flash-attention.git cd flash-attention MAX_JOBS$((nproc - 1)) pip install -v . 接下来导入我们需要的库。 import torch import numpy as np from tqdm import tqdm import torch.nn.functional as F from matplotlib import pyplot as plt from transformers import AutoTokenizer, AutoModelForCausalLM 基准测试注意力 随着ROCm为PyTorch 2.3发布Flash Attention现已直接集成到F.scaled_dot_product_attention功能中。默认情况下当调用F.scaled_dot_product_attention并传入查询、键和值矩阵时它现在将使用Flash Attention计算注意力分数。 为了准确基准测试PyTorch的Flash Attention我们首先创建一个原始的scaled_dot_product_attention函数以急切模式计算注意力分数。值得注意的是F.scaled_dot_product_attention中找到的其他尺度点积注意力变种在不同程度上融合了注意力操作而我们在这里有意避免了这一点以符合原始Flash Attention论文的方法论。 def scaled_dot_product_attention(query, key, value, attn_maskNone, is_causalFalse, dropout_p0.0, scaleNone):Computes the scaled dot product attention between query, key, and value tensors in PyTorch eager mode.Args:query (torch.Tensor): The query tensor of shape (batch_size, n_heads, seq_len, hidden_dim).key (torch.Tensor): The key tensor of shape (batch_size, n_heads, seq_len, hidden_dim).value (torch.Tensor): The value tensor of shape (batch_size, n_heads, seq_len, hidden_dim).attn_mask (torch.Tensor, optional): The attention mask tensor of shape (batch_size, n_heads, seq_len, seq_len). Defaults to None.is_causal (bool, optional): Whether to apply a causal attention mask. Defaults to False.dropout_p (float, optional): The dropout probability. Defaults to 0.scale (float, optional): The scale factor for the dot product. Defaults to None.Returns:torch.Tensor: The output tensor of shape (batch_size, n_heads, seq_len, hidden_dim).# Calculate the scale factorscale_factor 1 / np.sqrt(query.size(-1)) if scale is None else scaleattn_weight (query key.transpose(-2, -1) * scale_factor)# Create the attention maskattn_mask torch.ones(query.shape[0], query.shape[1], query.shape[2], query.shape[2], dtypetorch.bool, devicedevice).tril(diagonal0) if is_causal else attn_maskattn_weight attn_weight.masked_fill_(~attn_mask, -torch.inf) if attn_mask is not None else attn_weight# Compute the scaled dot product attentionattn_weight torch.softmax(attn_weight, dim-1)attn_weight torch.dropout(attn_weight, dropout_p, trainFalse)return attn_weight value 为了测试scaled_dot_product_attention函数并将其与Flash Attention进行基准测试我们首先定义一些关键参数。具体来说我们设置注意力头数为32嵌入头维度为128。这些设置被选中以匹配常见的7B个因果变压器模型。根据这些关键参数我们创建查询、键和值矩阵以测试我们的scaled_dot_product_attention计算的注意力分数是否与PyTorch的F.scaled_dot_product_attention计算的分数匹配。 batch_size 1 seq_len 64 num_heads 32 embed_dim 128 dtype torch.float16 device torch.device(cuda)query torch.rand(batch_size, num_heads, seq_len, embed_dim, devicedevice, dtypedtype) key torch.rand(batch_size, num_heads, seq_len, embed_dim, devicedevice, dtypedtype) value torch.rand(batch_size, num_heads, seq_len, embed_dim, devicedevice, dtypedtype) eager scaled_dot_product_attention(query, key, value, is_causalTrue) flash F.scaled_dot_product_attention(query, key, value, is_causalTrue) assert torch.allclose(eager, flash, rtol1e-03,atol1e-03) 我们自己编写的简化版scaled_dot_product_attention函数的输出与PyTorch的输出相匹配。现在我们定义了一个名为bench_attention的函数用来测量计算给定序列长度的多头注意力所需的平均时间。 def bench_attention(seq_len, flashFalse, num_repeats256):Measures the average time (in ms) required to compute multi-head attention for sequences of a given length.Args:seq_len (int): The length of the input sequence.flash (bool, optional): Whether to use the FlashAttention algorithm. Defaults to False.num_repeats (int, optional): The number of times to repeat the attention computation for timing purposes. Defaults to 256.Returns:float: The average time (in ms) required to compute multi-head attention for sequences of length seq_len.if flash:mha F.scaled_dot_product_attentionelse:mha scaled_dot_product_attentionquery torch.rand(batch_size, num_heads, seq_len, embed_dim, devicedevice, dtypedtype)key torch.rand(batch_size, num_heads, seq_len, embed_dim, devicedevice, dtypedtype)value torch.rand(batch_size, num_heads, seq_len, embed_dim, devicedevice, dtypedtype)start torch.cuda.Event(enable_timingTrue)end torch.cuda.Event(enable_timingTrue)# Warmupfor _ in range(4):_ mha(query, key, value, is_causalTrue)start.record()for _ in range(num_repeats):_ mha(query, key, value, is_causalTrue) end.record()torch.cuda.synchronize()return start.elapsed_time(end) / num_repeats 现在让我们来为范围在256至4096包含端点的序列长度基准测试Flash Attention与未融合SDPA实现的性能。 context_len np.arange(256,4096,64) flash np.zeros(context_len.shape) standard np.zeros(context_len.shape)for i,l in enumerate(tqdm(context_len)):flash[i] bench_attention(l,flashTrue)standard[i] bench_attention(l,flashFalse) 绘制结果。 plt.plot(context_len, standard/flash) plt.xlabel(Sequence length) plt.ylabel(Speedup) plt.title(Flash Attention vs. Standard Attention, head_size128, n_heads32, bs1) plt.show() 图表显示与原始的注意力实现相比PyTorch中的Flash Attention提供了显著的速度提升最高达到了2-8倍。值得注意的是这种加速与原始Flash Attention实现中观察到的加速相匹配。此外随着序列长度的增加加速比也随之增加因为简单的SDPA对序列长度的复杂度是二次方的。 这段代码展示了如何使用自定义的注意力基准测试函数来对比Flash Attention和普通的SDPA实现。最后通过绘制图表我们可以可视化Flash Attention相对于标准注意力实现在不同序列长度下的加速比。这显示了Flash Attention显著减少了多头注意力计算的时间这对于处理大型数据集尤其重要。 基准测试大型语言模型LLMs 现在让我们比较在Hugging Face中启用和禁用Flash Attention时多个大型语言模型的端到端预填充prefill延迟。参考 [Hugging Face的文档](https://huggingface.co/docs/transformers/en/perf_infer_gpu_one) 来检查你的模型是否支持Flash Attention。如果支持可以通过在调用from_pretrained时设置attn_implementationflash_attention_2来启用它。值得注意的是Hugging Face当前使用的是原始的flash_attn库而不是PyTorch的Flash Attention。我们将检查结果看看Flash Attention对整体性能的影响。 首先我们需要创建一个名为bench_llm的函数来测量在Hugging Face中指定的因果语言模型的端到端延迟给定一个序列长度。 def bench_llm(seq_len, model_name, max_new_tokens128, flashFalse, num_repeats256):Benchmark the end-to-end latency of a large language model (LLM) in Hugging Face, with Flash Attention enabled or disabled.Args:seq_len (int): Length of the input sequence.model_name (str): Name of the pre-trained LLM to use.max_new_tokens (int, optional): Maximum number of new tokens to generate. Defaults to 128.flash (bool, optional):Whether to use flash attention mechanism (if supported by the model).num_repeats (int, optional):Number of times to repeat the inference for averaging. Defaults to 256.Returns:float: The average end-to-end latency in seconds.if flash:mech flash_attention_2else:mech eagermodel AutoModelForCausalLM.from_pretrained(model_name, torch_dtypetorch.bfloat16, attn_implementationmech,device_mapcuda,)token_ids {input_ids: torch.randint(1, 10000, size(1, seq_len), devicecuda),attention_mask: torch.ones(1, seq_len, devicecuda)}start torch.cuda.Event(enable_timingTrue)end torch.cuda.Event(enable_timingTrue)pad_token_id model.config.eos_token_id# Warmupfor _ in range(4):_ model.generate(**token_ids, max_new_tokensmax_new_tokens, pad_token_idpad_token_id)torch.cuda.synchronize()start.record()for _ in range(num_repeats):_ model.generate(**token_ids, max_new_tokensmax_new_tokens, pad_token_idpad_token_id) end.record()torch.cuda.synchronize()return start.elapsed_time(end) / num_repeats 现在我们准备好了可以对Hugging Face中的Mistral-7B、Llama-3-8B和Phi-2等模型进行端到端延迟基准测试比较启用和禁用Flash Attention的性能。我们将测量序列长度为512、1024和2048的性能以评估Flash Attention随序列长度增加的影响。如果你想评估更多或更少的LLMs只需要添加或修改模型名即可。 seq_lens np.array([512, 1024, 2048]) model_names [mistralai/Mistral-7B-v0.1, NousResearch/Meta-Llama-3-8B, microsoft/phi-2] prefill_flash np.zeros((len(model_names),len(seq_lens))) prefill_standard np.zeros((len(model_names),len(seq_lens))) for j, model_name in enumerate(tqdm(model_names)):for i, seq_len in enumerate(seq_lens):prefill_flash[j,i] bench_llm(seq_len, model_namemodel_name, max_new_tokens1, flashTrue)prefill_standard[j,i] bench_llm(seq_len, model_namemodel_name, max_new_tokens1, flashFalse) 现在让我们来绘制结果。 speedup_prefill prefill_standard/prefill_flashmodels [Mistral-7B, Llama3-8B, Phi-2] avg_speedup {512: speedup_prefill.T[0],1024: speedup_prefill.T[1],2048: speedup_prefill.T[2], }x np.arange(len(avg_speedup)) width 0.25 multiplier 0fig, ax plt.subplots(layoutconstrained)for attribute, measurement in avg_speedup.items():offset width * multiplierrects ax.bar(x offset, measurement, width, labelattribute)ax.bar_label(rects, fmt%.2f, padding3)multiplier 1ax.legend(locupper left, ncols1) ax.set_xticks(x width, models) ax.set_ylabel(Speedup) ax.set_title(Flash Attention vs Standard Attention Prefill Latency) plt.savefig(benchmark-llm.png) plt.show() Flash Attention在与标准SDPA相比显著降低了所有测试的大型语言模型LLMs的预填充prefill延迟。对于某些LLM延迟的减少更为明显。此外随着序列长度的增加加速效果变得更加显著这与我们在基准测试注意力模块时观察到的趋势相呼应。 总结 Flash Attention是一种快速且内存效率高的自注意力实现方式精确且对硬件有意识。在本文中我们演示了如何安装支持ROCm的Flash Attention并以两种方式对其性能进行了基凌测试 1. 作为一个独立模块来测量Flash Attention算法相对于SDPA的速度提升。 2. 在Hugging Face中对多个LLMs的端到端预填充延迟进行评估来衡量Flash Attention对模型整体预填充延迟的影响。 我们的结果表明尤其是对于长序列在AMD GPU上Flash Attention提供了与原始注意力实现相比的显著速度提升。
http://www.pierceye.com/news/636864/

相关文章:

  • 网站域名做入什么科目网络营销的主要内容是什么
  • 网站平面模板网站建设招标模板
  • 网站系统升级需要多久渐变网站
  • 网站建设数据库代码做煤的网站app
  • 做家电维修网站能接到单吗十大赚钱小程序
  • 手机网站表单页面制作小游戏网站审核怎么做
  • 浅谈高校门户网站建设的规范标准wordpress改变文章页宽度
  • 做网站必须得ipc支部网站建设
  • 受欢迎的医疗网站建设常德网站开发哪家好
  • 小区服务网站怎么做常州网站制作哪家好
  • 全国各大网站网站制度建设情况
  • 两学一做网站视频软文广告是什么意思
  • 网站等级保护如何做谷歌推广方案
  • 哪些网站做免费送东西的广告nas怎么做网站服务器
  • 网站开发用什么百度一下首页官网百度
  • 上海做saas平台网站的公司商城网站程序
  • 最好的免费建站网站做设计接私活的网站
  • 有帮忙做幻灯片的网站么济宁网站开发公司
  • 网站开发技术 主流官网铺设
  • 贵阳网站建设钟鼎网络江门网站建设套餐
  • 263企业邮箱自动回复seo技巧与技术
  • 昆明响应式网站怎么做最火的视频网站
  • 中山微信网站西安网站建设麦欧科技
  • 西平县住房城乡建设局网站网站备案 教程
  • 怎么用ps做简单网站推广码怎么输入
  • 跨越速运网站谁做的桂林网站建设培训
  • 荥阳网站建设多少钱做网站 提要求
  • 大学生个体创业的网站建设网页素材及网站架构制作
  • 网站开发前端框架和后端框架做长海报的网站
  • 柳州网站制作建一个网站怎么赚钱