0
  • 聊天消息
  • 系统消息
  • 评论与回复
登录后你可以
  • 下载海量资料
  • 学习在线课程
  • 观看技术视频
  • 写文章/发帖/加入社区
创作中心

完善资料让更多小伙伴认识你,还能领取20积分哦,立即完善>

3天内不再提示

英特尔锐炫显卡运行类ChatGPT的开源大语言模型(LLM)Dolly 2.0解读

英特尔物联网 来源:英特尔物联网 2023-07-07 11:00 次阅读

文章作者:李翊玮 &Aidova, Ekaterina

前言

以下为当前一代大型语言模型(LLM)的基石说明。

人类偏好强化学习Reinforcement learning with human preferences(RLHF)和 InstructGPT 等技术一直是 ChatGPT 和 GPT-4 等突破的核心基础。

关于 RLHF:

关于 InstructGPT :

然而,这些强大的模型仍然隐藏在 API 后面,我们对它们的底层架构知之甚少。指令遵循模型能够生成文本以响应提示(Prompt),通常用于协助编写创作、聊天机器人和内容生成等任务。许多用户现在定期与这些模型交互,甚至将它们用于工作,但大多数此类模型仍然是闭源的,需要大量的计算资源进行实验。

Dolly 2.0 是第一个开源的,遵循指令的 LLM,由 Databricks 在一个透明且免费提供的数据集上进行微调,该数据集也是开源的,可用于商业目的。这意味着 Dolly 2.0 可用于商业应用程序,而无需支付 API 访问费用或与第三方共享数据。尽管比 ChatGPT 要小得多 Dolly 2.0 也可表现出类似的特征。

接下来让我们用来自原基科技带有英特尔锐炫显卡的 B18盒子配上OpenVINO Notebooks 开源代码示例在本地端体验大语言模型的魅力吧!

a446c4f8-1bec-11ee-962d-dac502259ad0.png

安装OpenVINO Notebooks

运行相关工具及必要项

安装 Git, Anaconda,Python,C++ Redistributable (For Python 3.8) 及 Anaconda

Git:

https://git-scm.com/

Python:

https://www.python.org/ftp/python/3.8.8/python-3.8.8-amd64.exe

C++ Redistributable (For Python 3.8):

https://aka.ms/vs/16/release/vc_redist.x64.exe

Anaconda:

https://www.anaconda.com/

创建环境

conda create -n openvino_env python=3.9

运行结果如下:

a486672a-1bec-11ee-962d-dac502259ad0.png

启用环境 openvino_env

conda activate openvino_env

命令行开头有“(openvino_env)”即为启用成功。

用 Git 下载OpenVINO Notebooks 库并进入资料夹。

git clone --depth=1 https://github.com/openvinotoolkit/openvino_notebooks.git
cd openvino_notebooks

向右滑动查看完整代码

a4ac4990-1bec-11ee-962d-dac502259ad0.png

安装运行相关包及必须项,pip 使用清华镜像:https://pypi.tuna.tsinghua.edu.cn/simple some-package

安装约5-10分钟。

python -m pip install --upgrade pip wheel setuptools
pip install -r requirements.txt -i https://pypi.tuna.tsinghua.edu.cn/simple some-package

向右滑动查看完整代码

启用OpenVINO Notebooks

jupyter lab notebooks

运行成功会跳出网页,挑选 Notebooks 里 240-dolly-2-instruction-following, 开始体验大模型的魅力及了解其机理。

LLM 大模型 Databricks Dolly 2.0和

OpenVINO 的使用说明

在本教程中,我们将研究如何使用Dolly 2.0 和OpenVINO运行遵循指令的文本生成管道。我们将使用来自拥抱面变压器库中的预训练模型。为了简化用户体验,拥抱面最佳英特尔库用于将模型转换为 OpenVINO IR 格式。

本 Notebooks 包括以下步骤:

安装包及必要项

下载公开的模型并利用以下工具转换OpenVINO Notebooks integration with Hugging Face Optimum:

https://huggingface.co/blog/openvino

建立指令推理管道(build Pipeline)

运行指令推理管道(run Pipeline)

关于Dolly 2.0

Dolly 2.0 是在 Databricks 机器学习平台上训练的指令遵循大型语言模型,已获得商业用途许可。它基于 Pythia,并接受 Databricks 员工在各种能力领域生成的~15k 指令/响应微调记录的培训,包括头脑风暴、分类、封闭 QA、生成、信息提取、开放 QA 和总结。Dolly 2.0 的工作原理是处理自然语言指令并生成遵循给定指令的响应。它可用于广泛的应用,包括封闭式问答、总结和生成。


模型训练过程的灵感来自 InstructGPT。为了训练 InstructGPT 模型,核心技术是从人类反馈(RLHF)中强化学习,这种技术使用人类偏好作为奖励信号来微调模型,这很重要,因为需要解决的安全和对齐问题是复杂和主观的,并且不能完全被简单的自动指标捕获。有关 InstructGPT 方法的更多详细信息,请参阅 OpenAI 博客文章。

InstructGPT 发现的突破是语言模型不需要越来越大的训练集。通过使用人工评估的问答训练,作者能够使用比以前的模型少一百倍的参数来训练更好的语言模型。Databricks 使用类似的方法来创建一个提示和响应数据集,称为 databricks-dolly-15k。

这是一个由数千名 Databricks 员工生成的超过15,000条记录的语料库,使大型语言模型能够展示 InstructGPT 的神奇交互性。有关模型和数据集的更多详细信息,请参阅 Databricks 博客文章和存储库。

存储库:

https://github.com/databrickslabs/dolly

Hugging Face Optimum Intel API

首先,我们用以下代码安装由OpenVINO 集成 Hugging Face Optimum 库Hugging Face Optimum英特尔 API 是一个 high-level API,使我们能够将 Hugging Face Transformers library 中的模型转换和量化为OpenVINO IR 格式。有关更多详细信息,请参阅 Hugging Face Optimum 英特尔 documentation 文档。

!pip install -q "diffusers>=0.16.1" "transformers>=4.28.0" 
!pip install -q "git+https://github.com/huggingface/optimum-intel.git" datasets onnx onnxruntime gradio

向右滑动查看完整代码

下载及转换模型

(注意:此模型大小约10GB)

Optimal 英特尔可从 Hugging Face Hub 加载优化模型,并可创建 Pipeline 用OpenVINOrun time 并调用 Hugging Face APIs 运行推理。Optimum 推理模型与 Hugging Face Transformers 模型的 API 是兼容。这意味着我们只需要将 AutoModelForXxx 类替换为相应的 OVModelForXxx 类即可。

下面是 Dolly model 的示例:

-from transformers import AutoModelForCausalLM
+from optimum.intel.openvino import OVModelForCausalLM
from transformers import AutoTokenizer, pipeline


model_id = "databricks/dolly-v2-3b"
-model = AutoModelForCausalLM.from_pretrained(model_id)
+model = OVModelForCausalLM.from_pretrained(model_id, from_transformers=True)

向右滑动查看完整代码

模型类初始化从调用from_pretrained 开始。当下载及转换模型, 需添加此参数 from_transformers=True。我们用 save_pretrained 储存转换模型。Tokenizer class and pipelines API 是与 Optimus 模型兼容的。

from pathlib import Path
from transformers import AutoTokenizer
from optimum.intel.openvino import OVModelForCausalLM


model_id = "databricks/dolly-v2-3b"
model_path = Path("dolly-v2-3b")


tokenizer = AutoTokenizer.from_pretrained(model_id)


current_device = "CPU"


if model_path.exists():
  ov_model = OVModelForCausalLM.from_pretrained(model_path, device=current_device)
else:
  ov_model = OVModelForCausalLM.from_pretrained(model_id, device=current_device, from_transformers=True)
  ov_model.save_pretrained(model_path)

向右滑动查看完整代码

运行结果

a50c386e-1bec-11ee-962d-dac502259ad0.png

创建遵循指令的推理管道

(Inference Pipeline)

run_generation函数接受用户提供的文本输入,对其进行令牌(Token)化,然后运行生成过程。文本生成是一个迭代过程,其中每个下一个标记都依赖于先前生成的令牌,直到达到最大令牌数或停止生成条件。为了获得中间生成结果而不需等到生成完成,我们将使用 TextIteratorStreamer,作为 HuggingFace Streaming API 的一部分提供。

TextIteratorStreamer

HuggingFace Streaming API

下图说明了指令遵循管道的工作原理:

a53efa38-1bec-11ee-962d-dac502259ad0.png

可以看出,在第一次迭代中,用户提供的指令使用分词器转换为令牌 ID,然后准备的输入提供给模型。该模型以 logits 格式为所有令牌生成概率在预测概率上选择下一个令牌的方式由所选解码方法驱动。您可以在此博客中找到有关最流行的解码方法的更多信息。

有几个参数可以控制文本生成质量:

#·1

Temperature是用于控制 AI 生成文本中创造力水平的参数。通过调整 Temperature,您可以影响 AI 模型的概率分布,使文本更加集中或多样化。考虑以下示例:AI 模型必须使用以下令牌概率完成句子“The cat is ____.”:

playing: 0.5
sleeping: 0.25
eating: 0.15
driving: 0.05
flying: 0.05

Low temperature(e.g., 0.2): AI 模型变得更加集中和确定性,选择概率最高的令牌,例如"playing."

Medium temperature(e.g., 1.0): AI 模型在创造力和专注力之间保持平衡,根据其概率选择令牌,没有明显的偏见,例如"playing," "sleeping," or "eating."

High temperature(e.g., 2.0): AI 模型变得更加冒险,增加了选择不太可能的令牌的机会,例如"driving" and "flying."

#·2

Top-p 也称为核心采样(nucleus sampling),用于根据累积概率控制 AI 模型考虑的令牌范围的参数。通过调整 Top-p值,您可以影响 AI 模型的令牌选择,使其更加集中或多样化。对相同的示例 cat ,请考虑以下 top_p 设置:

Low top_p(e.g., 0.5): AI 模型仅考虑累积概率最高的令牌,例如"playing."

Medium top_p(e.g., 0.8): AI 模型考虑具有较高累积概率的令牌,例如"playing," "sleeping," and "eating."

High top_p(e.g., 1.0): AI 模型考虑所有令牌,包括概率较低的令牌,例如"driving" and "flying."

#·3

Top-k是另一种流行的采样策略。与 Top-P 进行比较,Top-P 从累积概率超过概率 P 的最小可能单词组进行选择,在 Top-K 抽样中,K 最有可能被过滤掉下一个单词,并且概率质量仅在下一个 K 个单词之间重新分配。在我们的 cat 示例中,如果 k=3,则只有“playing”、“sleeping”和“eathing”将被考虑为下一个单词。

为了优化生成过程并更有效地使用内存,请启用use_cache=True选项。由于输出端是自动回归的,因此输出令牌隐藏状态在计算后每进一步生成步骤后保持不变。因此,每次想要生成新令牌时重新计算它似乎很浪费。使用缓存,模型会在计算后保存成隐藏状态。该模型仅在每个时长计算最近要生成的输出令牌的令牌,将保存的令牌重用于隐藏令牌。这将transformer模型的生成复杂度从 O(n^3) 降低到 O(n^2)。有关其工作原理的更多详细信息,请参阅文章。

使用此选项,模型获取上一步的隐藏状态(缓存的attention keys和values)作为输入,此外还提供当前步骤的隐藏状态作为输出。这意味着对于所有后续迭代,只需提供从上一步获得的新令牌和缓存的键值即可获得下一个令牌预测。

生成周期重复,直到到达序列令牌的末尾,或者在生成最大令牌时中断。如前所述,我们可以启用打印当前生成的令牌,而无需等到整个生成完成使用 Streaming API 时,它会将新令牌添加到输出队列,然后在它们准备就绪时打印(print)它们。

运行指令推理管道(run Pipeline)

输入设定

from threading import Thread
from time import perf_counter
from typing import List
import gradio as gr
from transformers import AutoTokenizer, TextIteratorStreamer
import numpy as np

向右滑动查看完整代码

为 user prompt 准备模板

为了有效生成,模型期望具有特定格式的输入。下面的代码准备了将用户指令传递到模型中的模板,并提供额外的上下文。

INSTRUCTION_KEY = "### Instruction:"
RESPONSE_KEY = "### Response:"
END_KEY = "### End"
INTRO_BLURB = (
  "Below is an instruction that describes a task. Write a response that appropriately completes the request."
)


# This is the prompt that is used for generating responses using an already trained model. It ends with the response
# key, where the job of the model is to provide the completion that follows it (i.e. the response itself).
PROMPT_FOR_GENERATION_FORMAT = """{intro}


{instruction_key}
{instruction}


{response_key}
""".format(
  intro=INTRO_BLURB,
  instruction_key=INSTRUCTION_KEY,
  instruction="{instruction}",
  response_key=RESPONSE_KEY,
)

向右滑动查看完整代码

输出分析的帮助程序

模型被重新训练以使用特殊令牌### End 完成生成,下面的代码找到它的 id 并用它当作停止标准(stop-criteria)。

def get_special_token_id(tokenizer: AutoTokenizer, key: str) -> int:
  """
  Gets the token ID for a given string that has been added to the tokenizer as a special token.


  When training, we configure the tokenizer so that the sequences like "### Instruction:" and "### End" are
  treated specially and converted to a single, new token. This retrieves the token ID each of these keys map to.


  Args:
    tokenizer (PreTrainedTokenizer): the tokenizer
    key (str): the key to convert to a single token


  Raises:
    RuntimeError: if more than one ID was generated


  Returns:
    int: the token ID for the given key
  """
  token_ids = tokenizer.encode(key)
  if len(token_ids) > 1:
    raise ValueError(f"Expected only a single token for '{key}' but found {token_ids}")
  return token_ids[0]


tokenizer_response_key = next((token for token in tokenizer.additional_special_tokens if token.startswith(RESPONSE_KEY)), None)


end_key_token_id = None
if tokenizer_response_key:
  try:
    end_key_token_id = get_special_token_id(tokenizer, END_KEY)
    # Ensure generation stops once it generates "### End"
  except ValueError:
    pass

向右滑动查看完整代码

主要生成功能代码

如上所述,run_generation 函数是开始生成的开始点。它获得提供的输入指令作为参数并返回模型响应。

ef run_generation(user_text:str, top_p:float, temperature:float, top_k:int, max_new_tokens:int, perf_text:str):
  """
  Text generation function
  
  Parameters:
   user_text (str): User-provided instruction for a generation.
   top_p (float): Nucleus sampling. If set to < 1, only the smallest set of most probable tokens with probabilities that add up to top_p or higher are kept for a generation.
      temperature (float): The value used to module the logits distribution.
      top_k (int): The number of highest probability vocabulary tokens to keep for top-k-filtering.
      max_new_tokens (int): Maximum length of generated sequence.
      perf_text (str): Content of text field for printing performance results.
    Returns:
      model_output (str) - model-generated text
      perf_text (str) - updated perf text filed content
    """
    
    # Prepare input prompt according to model expected template
    prompt_text = PROMPT_FOR_GENERATION_FORMAT.format(instruction=user_text)
    
    # Tokenize the user text.
    model_inputs = tokenizer(prompt_text, return_tensors="pt")


    # Start generation on a separate thread, so that we don't block the UI. The text is pulled from the streamer
    # in the main thread. Adds timeout to the streamer to handle exceptions in the generation thread.
    streamer = TextIteratorStreamer(tokenizer, skip_prompt=True, skip_special_tokens=True)
    generate_kwargs = dict(
        model_inputs,
        streamer=streamer,
        max_new_tokens=max_new_tokens,
        do_sample=True,
        top_p=top_p,
        temperature=float(temperature),
        top_k=top_k,
        eos_token_id=end_key_token_id
    )
    t = Thread(target=ov_model.generate, kwargs=generate_kwargs)
    t.start()


    # Pull the generated text from the streamer, and update the model output.
    model_output = ""
    per_token_time = []
    num_tokens = 0
    start = perf_counter()
    for new_text in streamer:
        current_time = perf_counter() - start
        model_output += new_text
        perf_text, num_tokens = estimate_latency(current_time, perf_text, new_text, per_token_time, num_tokens)
        yield model_output, perf_text
        start = perf_counter()
    return model_output, perf_text

向右滑动查看完整代码

应用 UI 助手

为了制作交互式用户界面,我们将使用 Gradio 库。下面的代码提供了用于与 UI 元素通信的有用函数。

def estimate_latency(current_time:float, current_perf_text:str, new_gen_text:str, per_token_time:List[float], num_tokens:int):
  """
  Helper function for performance estimation
  
  Parameters:
   current_time (float): This step time in seconds.
   current_perf_text (str): Current content of performance UI field.
   new_gen_text (str): New generated text.
   per_token_time (List[float]): history of performance from previous steps.
   num_tokens (int): Total number of generated tokens.
   
  Returns:
   update for performance text field
   update for a total number of tokens
  """
  num_current_toks = len(tokenizer.encode(new_gen_text))
  num_tokens += num_current_toks
  per_token_time.append(num_current_toks / current_time)
  if len(per_token_time) > 10 and len(per_token_time) % 4 == 0:
    current_bucket = per_token_time[:-10]
    return f"Average generaton speed: {np.mean(current_bucket):.2f} tokens/s. Total generated tokens: {num_tokens}", num_tokens
  return current_perf_text, num_tokens


def reset_textbox(instruction:str, response:str, perf:str):
  """
  Helper function for resetting content of all text fields
  
  Parameters:
   instruction (str): Content of user instruction field.
   response (str): Content of model response field.
   perf (str): Content of performance info filed
  
  Returns:
   empty string for each placeholder
  """
  return "", "", ""


def select_device(device_str:str, current_text:str = "", progress:gr.Progress = gr.Progress()):
  """
  Helper function for uploading model on the device.
  
  Parameters:
   device_str (str): Device name.
   current_text (str): Current content of user instruction field (used only for backup purposes, temporally replacing it on the progress bar during model loading).
   progress (gr.Progress): gradio progress tracker
  Returns:
   current_text
  """
  if device_str != ov_model._device:
    ov_model.request = None
    ov_model._device = device_str
    
    for i in progress.tqdm(range(1), desc=f"Model loading on {device_str}"):
      ov_model.compile()
  return current_text

向右滑动查看完整代码

运行指令遵循管道

(instruction-following pipeline)

现在,我们已准备好探索模型功能。请运行以下代码:

from openvino.runtime import Core


core = Core()
available_devices = core.available_devices


examples = [
  "Give me recipe for pizza with pineapple",
  "Write me a tweet about new OpenVINO release",
  "Explain difference between CPU and GPU",
  "Give five ideas for great weekend with family",
  "Do Androids dream of Electric sheep?",
  "Who is Dolly?",
  "Please give me advice how to write resume?",
  "Name 3 advantages to be a cat",
  "Write instructions on how to become a good AI engineer",
  "Write a love letter to my best friend",
]


with gr.Blocks() as demo:
  gr.Markdown(
    "# Instruction following using Databricks Dolly 2.0 and OpenVINO.
"
    "Provide insturction which describes a task below or select among predefined examples and model writes response that performs requested task."
  )


  with gr.Row():
    with gr.Column(scale=4):
      user_text = gr.Textbox(
        placeholder="Write an email about an alpaca that likes flan",
        label="User instruction"
      )
      model_output = gr.Textbox(label="Model response", interactive=False)
      performance = gr.Textbox(label="Performance", lines=1, interactive=False)
      with gr.Column(scale=1):
        button_clear = gr.Button(value="Clear")
        button_submit = gr.Button(value="Submit")
      gr.Examples(examples, user_text)
    with gr.Column(scale=1):
      device = gr.Dropdown(choices=available_devices, value=current_device, label="Device")
      max_new_tokens = gr.Slider(
        minimum=1, maximum=1000, value=256, step=1, interactive=True, label="Max New Tokens",
      )
      top_p = gr.Slider(
        minimum=0.05, maximum=1.0, value=0.92, step=0.05, interactive=True, label="Top-p (nucleus sampling)",
      )
      top_k = gr.Slider(
        minimum=0, maximum=50, value=0, step=1, interactive=True, label="Top-k",
      )
      temperature = gr.Slider(
        minimum=0.1, maximum=5.0, value=0.8, step=0.1, interactive=True, label="Temperature",
      )


  user_text.submit(run_generation, [user_text, top_p, temperature, top_k, max_new_tokens, performance], [model_output, performance])
  button_submit.click(select_device, [device, user_text], [user_text])
  button_submit.click(run_generation, [user_text, top_p, temperature, top_k, max_new_tokens, performance], [model_output, performance])
  button_clear.click(reset_textbox, [user_text, model_output, performance], [user_text, model_output, performance])
  device.change(select_device, [device, user_text], [user_text])


if __name__ == "__main__":
  try:
    demo.launch(enable_queue=True, share=False, height=800)
  except Exception:
    demo.launch(enable_queue=True, share=True, height=800)

向右滑动查看完整代码

运行结果

此演示提供了一个简单的界面,允许使用文本指令与模型进行通信。在“User instruction”字段中键入您的指令,或从预定义的示例中选择一个指令,然后单击“Submit”按钮开始生成。此外,您还可以修改高级生成参数:

Device- 允许切换推理设备。请注意,每次选择新设备时,都会重新编译模型,这需要一些时间。

Max New Tokens- 生成文本的最大尺寸。.

Top-p (nucleus sampling)- 如果设置为< 1,则只有概率加起来为 top_p 或更高的最小概率的最小标记集一代保留。

Top-k- 保留用于 top-k-filtering 的最高概率词汇令牌的数量。

Temperature- 用于对数分布(logits distribution)进行模块化的值。

以下运行结果约2分钟。

范例1

Write instruction on how to become a good AI engineer

a5cfc0e0-1bec-11ee-962d-dac502259ad0.png

范例2:

Who is Dolly?

a5f3fc9e-1bec-11ee-962d-dac502259ad0.png

范例3:

Explain difference between CPU and GPU?

a61c9f8c-1bec-11ee-962d-dac502259ad0.png

以下是右侧设备选择

(GPU.0 为 iGPU;GPU.1 为英特尔锐炫及各参数调控局部放大图)

a65009c6-1bec-11ee-962d-dac502259ad0.png

结语

Dolly 2.0 是第一个开源的,遵循指令的 LLM,由 Databricks 在一个透明且免费提供的数据集上进行微调,该数据集也是开源的,可用于商业目的。这意味着 Dolly 2.0 可用于商业应用程序,而无需支付 API 访问费用或与第三方共享数据。

英特尔 OpenVINO Notebooks 展示了此 LLM 开源代码及原理注释,配合英特尔锐炫显卡在基于 Gradio 库做了一个用户界面让开发者可亲自体验单机版的 GPT 示例, 感受大语言模型的魅力。

关于原基科技(easy-base.com.cn)

深圳市原基科技有限公司,坐落于深圳科技新区的光明新区,专注于嵌入式主板和工控电脑、AI盒子、边缘计算服务器的研发、定制以及解决方案,是一家集研发、生产、销售、服务为一体的国家高新技术型企业,致力于为大数据、物联网人工智能的发展提供解决方案。

主要核心骨干均为从事本行业10年以上的资深人员,依据丰富的经验和ISO9001体系的指导,设立了运营部、产品部、研发部、供应链、品质部等,具备了主板的研发设计、生产线的DIP、SMT以及整机的组装测试的能力。目前拥有20多项自主知识产权, 获评为国家高新技术企业且通ISO9001认证

主要业务涉及智慧社区、智慧园区、智慧零售、智慧教育、智慧办公、智慧安防、智慧工业等领域;凭借灵活、快速响应的特点,得到了客户的大量认可。

英特尔锐炫 显卡驱动安装

英特尔锐炫与Iris Xe 显示芯片- WHQL - Windows* 下载并安装英特尔锐炫 驱动

安装完毕确认版本如下图为31.0.101.4369, 并在左侧性能确认显卡设备已有A380选项。

a69e333a-1bec-11ee-962d-dac502259ad0.png

a6d0b3fa-1bec-11ee-962d-dac502259ad0.png     


审核编辑:汤梓红

声明:本文内容及配图由入驻作者撰写或者入驻合作网站授权转载。文章观点仅代表作者本人,不代表电子发烧友网立场。文章及其配图仅供工程师学习之用,如有内容侵权或者其他违规问题,请联系本站处理。 举报投诉
  • 英特尔
    +关注

    关注

    60

    文章

    9425

    浏览量

    168851
  • 显卡
    +关注

    关注

    16

    文章

    2357

    浏览量

    65863
  • 开源
    +关注

    关注

    3

    文章

    2989

    浏览量

    41720
  • 语言模型
    +关注

    关注

    0

    文章

    435

    浏览量

    10051
  • ChatGPT
    +关注

    关注

    27

    文章

    1409

    浏览量

    4757
  • LLM
    LLM
    +关注

    关注

    0

    文章

    202

    浏览量

    233

原文标题:英特尔锐炫™ 显卡运行类 ChatGPT 的开源大语言模型(LLM) Dolly 2.0 | 开发者实战

文章出处:【微信号:英特尔物联网,微信公众号:英特尔物联网】欢迎添加关注!文章转载请注明出处。

收藏 人收藏

    评论

    相关推荐

    #高通 #英特尔 #Elite 高通X Elite芯片或终结苹果、英特尔的芯片王朝

    高通英特尔苹果
    深圳市浮思特科技有限公司
    发布于 :2023年10月27日 16:46:07

    英特尔转型移动领域难言乐观

      英特尔在尴尬处境下也在尝试自我救赎,高调推出的超极本,销量却并不理想。超极本推出之初,英特尔曾表示,2012年超极本市场份额将能够占到消费笔记本市场的40%,然而根据IDC的统计,今年上半年,超
    发表于 11-07 16:33

    产业风暴,英特尔能否扳倒ARM?

    给占主导地位。但是对于一些观察者来说,英特尔的实力应经超过了ARM。“我们现在谈论的市屏幕在5到6英寸的空间。ARM的市场部门经理Ian Drew说,“我们预测产品的总将趋向于微型的手机。我们相信
    发表于 09-26 11:26

    宿敌相争 AMD向英特尔授权显卡芯片技术的可能性不大

      几个月前就有分析师援引彭博社的报道称,AMD即将与宿敌英特尔达成显卡芯片技术授权协议,上周更有匿名消息人士在一家PC爱好者网站上确认了此事。然而,无论从AMD自身利益角度考虑,还是从该公司CEO
    发表于 05-27 16:12

    【AD新闻】英特尔解读全球晶体管密度最高的制程工艺

    英特尔精尖制造日”活动今天举行,展示了英特尔制程工艺的多项重要进展,包括:英特尔10纳米制程功耗和性能的最新细节,英特尔首款10纳米FPGA的计划,并宣布了业内首款面向数据中心应用的
    发表于 09-22 11:08

    英特尔实感SDK如何获得深度和颜色框架

    “嗨,很久以前我安装了我的英特尔实感SDK以便使用D435相机。我看了一下”英特尔实感SDK 2.0的示例“。我非常关注”捕获“和”保存技术“两个例子,通过Visual Studio分析代码。我
    发表于 10-18 14:13

    英特尔高清显卡4600帮助

    和NVIDIA GTX 960M。显示器的色温配置为R-75,G-75,B-75(每个的最大设置为100)。英特尔高清显卡4600可以选择“默认RGB”,“限制RGB”或“全RGB”。此外,还有一个启用或禁用
    发表于 10-26 14:53

    英特尔显卡控制面板无法打开

    你好我有一个问题英特尔高清显卡控制面板保持“初始化”但不会打开我该怎么办?以上来自于谷歌翻译以下为原文Hello i have a problem intel HD graphic card
    发表于 10-29 14:37

    英特尔爱迪生闪存失败

    嗨伙计,我的英特尔爱迪生停止通过终端和ssh通过wifi访问,所以我决定闪存它。$ ./flashall.sh使用U-Boot目标:edison-blankcdc现在等待dfu设备8087:0a99
    发表于 11-02 10:57

    为什么选择加入英特尔

    近日,加入英特尔已有3个月的明星芯片架构师Jim Keller接受了外媒VentureBeat的采访,在采访中谈及了自己加入英特尔的始末和让其为之兴奋的新角色——英特尔公司技术、系统架构和客户端事业部高级副总裁兼芯片工程事业部总
    发表于 07-25 07:31

    苹果Mac弃用英特尔芯片的原因

      苹果首次举行线上开发者大会(WWDC20),在一系列iOS14、macOS等软硬件更新宣布中,最重磅的莫过于苹果电脑Mac未来将使用自研的ARM架构芯片,逐步替代现有的英特尔芯片。  在业
    发表于 06-23 08:53

    英特尔重点发布oneAPI v1.0,异构编程器到底是什么

    。oneAPI是什么?oneAPI是一个统一的、简化的编程模型,旨在简化跨多架构的开发过程(如CPU、GPU、FPGA、加速器)。oneAPI包含两个组成部分:一项产业计划和一款英特尔® bete产品
    发表于 10-26 13:51

    介绍英特尔®分布式OpenVINO™工具包

    英特尔®Movidius™VPU支持跨英特尔®CPU,英特尔®集成显卡英特尔®Movidius™神经计算棒,
    发表于 07-26 06:45

    Dolly 2.0发布,首个真正开放、可商用的指令调优LLM

    Dolly 2.0 是一个基于 EleutherAI pythia 模型系列的 12B 参数语言模型,并在透明且免费提供的数据集上进行了微调
    的头像 发表于 04-14 09:33 1533次阅读

    酷睿轻薄本也能运行语言模型英特尔推动 PC 生成式 AI 落地

    展示了他们在 AIGC 上的技术方向,并进行了多个应用的演示。 首先,英特尔介绍了他们在大语言模型方面的优化和支持。在我们传统的认知里,运行类似 C
    的头像 发表于 08-25 09:26 751次阅读
    酷睿轻薄本也能<b class='flag-5'>运行</b>大<b class='flag-5'>语言</b><b class='flag-5'>模型</b>,<b class='flag-5'>英特尔</b>推动 PC 生成式 AI 落地