最新资讯

  • DSPy实战:三十分钟无痛上手自动化Prompt框架

DSPy实战:三十分钟无痛上手自动化Prompt框架

2025-04-28 22:00:50 0 阅读

前言:

伴随着LLM模型的发展,一个优秀的Prompt对于任务成功起到了关键的作用。但目前大模型使用中的Prompt调优愈发成为一个痛点问题。如何优雅的解决这个痛点?

DSPy框架的出现使自动生成解决复杂问题的Prompt成为了现实。

只需输入你的问题,Prompt的调整,思维链,知识库等使用全部交由框架自动执行,最终给出一个令人满意的结果,并且这一切过程都可以被查看。

DSPy作为一个高效的自动化Prompt框架,为开发者提供了强大的工具,简化了复杂的Prompt生成和管理过程。本教程将带您在三十分钟内快速上手DSPy,帮助您轻松实现自动化Prompt的创建和优化。

为了帮助读者更深入的理解框架使用,笔者在官方教程之外还会额外增加自定义数据的教程,注意官方教程代码块命名为Repo-office, 自定义数据代码块命名为Repo-custom,两个代码块功能如未特别说明则完全一致。

本文面向的读者主要是有一定编程基础,特别是对自然语言处理感兴趣的开发者。无论您是技术小白还是资深开发者,都可以通过本文了解并掌握DSPy的基本使用方法。

一:DSPy介绍

DSPy 是一款功能强大的框架。它可以用来自动优化大型语言模型(LLM)的提示词和响应。还能让我们的 LLM 应用即使在 OpenAI/Gemini/Claude版本升级也能正常使用。无论你有多少数据,它都能帮助你优化模型,获得更高的准确度和性能。通过选择合适的优化器,并根据具体需求进行调优,你可以在各种任务中获得出色的结果。

1.1 传统LLM使用的挑战

使用 LLM 构建复杂系统通常需要以下步骤:

  1. 将问题分解为多个步骤。
  2. 对每个步骤进行良好的提示,使其单独运行良好。
  3. 调整各个步骤以实现良好协作。
  4. 生成合成示例来微调每个步骤。
  5. 使用这些示例对较小的 LLM 进行微调以降低成本。

这种方法既复杂又耗时,并且每次更改pipeline、LLM 或数据时都需要重新调整提示和微调步骤。

1.2 DSPy

DSPy 通过以下两种方式简化了 LLM 优化过程:

  1. 分离流程和参数: DSPy 将程序流程(称为“模块(Module)”)与每个步骤的参数(LLM 提示prompt和权重weight)分离。这使得可以轻松地重新组合模块并调整参数,而无需重新编写提示或生成合成数据。
  2. 引入 优化器: DSPy 引入了新的“优化器”,这是一种 LLM 驱动的算法,可以根据您想要最大化的“指标”调整 LLM 调用的提示和/或权重。优化器可以自动探索最佳提示和权重组合,而无需人工干预。

DSPy 具有以下优势:

  • 更强大的模型: DSPy 可以训练强大的模型(如 GPT-3.5 或 GPT-4)和本地模型,并且支持使用第三方的框架(如 OLLAMA 等),使其在执行任务时更加可靠,即具有更高的质量和/或避免特定的失败模式。
  • 更少的提示: DSPy 优化器会将相同的程序 “编译 “成不同的指令、少量提示和/或权重更新(finetunes)。 这意味着您只需要更少的提示就可以获得相同甚至更好的结果。
  • 更系统的方法: DSPy 提供了一种更系统的方法来使用 LLM 解决困难任务。您可以使用通用的模块和优化器来构建复杂的pipeline,而无需每次更改代码或数据时都重新编写提示。

DSPy 通过以下步骤工作:

  1. 定义程序流程:使用 DSPy 模块定义程序流程。每个模块代表程序的一步,并可以包含 LLM 调用、条件检查和其他操作。

  2. 设置指标:指定要优化的指标。指标可以是任何可以衡量系统性能的度量,例如准确性、速度或效率。

  3. 优化器:运行 DSPy 优化器。优化器将探索不同的 LLM 提示和权重组合,并根据指定的指标选择最佳组合。

DSPy 可用于各种 LM 应用,包括:

  • 问答系统: DSPy 可以用于优化问答系统的 LLM 提示,以提高准确性和效率。

  • 机器翻译: DSPy 可以用于优化机器翻译系统的 LLM 权重,以提高翻译质量。

  • 文本摘要: DSPy 可以用于优化文本摘要系统的 LLM 提示,以生成更准确和更具信息量的摘要。

DSPy 适用于以下情况:

  • 您需要在Pipeline中多次使用 LM
  • 您需要训练强大的模型以执行困难的任务
  • 您希望以更系统的方式使用 LM

二:代码及模块讲解

Github: [stanfordnlp/dspy: DSPy: The framework for programming—not prompting—foundation models]

完整的官方教程:

Getting Started:

Repo-office代码为完整官方教程中的部分实现讲解

2.1 配置环境, 安装DSPy并加载数据

配置环境

Repo-office | Repo-custom

%load_ext autoreload
%autoreload 2

import sys
import os

try: # When on google Colab, let's clone the notebook so we download the cache.
    import google.colab
    repo_path = 'dspy'
    !git -C $repo_path pull origin || git clone https://github.com/stanfordnlp/dspy $repo_path
except:
    repo_path = '.'

if repo_path not in sys.path:
    sys.path.append(repo_path)

# Set up the cache for this notebook
os.environ["DSP_NOTEBOOK_CACHEDIR"] = os.path.join(repo_path, 'cache')

import pkg_resources # Install the package if it's not installed
if not "dspy-ai" in {pkg.key for pkg in pkg_resources.working_set}:
    !pip install -U pip
    !pip install dspy-ai
    !pip install openai~=0.28.1
    # !pip install -e $repo_path

import dspy

定义模型并加载数据

Repo-office

在官方教程中使用LLM 为 gpt-3.5-turbo,数据集为在线的ColBERTv2 服务器,托管维基百科 2017 年“摘要”搜索索引

问答数据集使用了HotPotQA数据集中的一个小样本

import openai
openai.api_key = 
turbo = dspy.OpenAI(model='gpt-3.5-turbo')
colbertv2_wiki17_abstracts = dspy.ColBERTv2(url='http://20.102.90.50:2017/wiki17_abstracts')

dspy.settings.configure(lm=turbo, rm=colbertv2_wiki17_abstracts)

from dspy.datasets import HotPotQA

# Load the dataset.
dataset = HotPotQA(train_seed=1, train_size=20, eval_seed=2023, dev_size=50, test_size=0)

# Tell DSPy that the 'question' field is the input. Any other fields are labels and/or metadata.
trainset_q = [x.with_inputs('question') for x in dataset.train]
devset_q = [x.with_inputs('question') for x in dataset.dev]

len(trainset), len(devset)



在加载原始数据后,我们对每个示例应用了 x.with_inputs(‘question’),以告知DSPy我们在每个示例中的输入字段仅为question。其他字段则是标签或元数据,不会提供给系统。

Repo-custom

但是实现中我们时常需要自定义数据库和大模型,因此这里笔者给出几种常用的实现:

自定义大模型

  • 基于OLLAMA的本地模型

需要先另开启一个终端开始服务 ollama serve

lm = dspy.OllamaLocal(model='mistral')

  • 基于AzureOpenAI的API

由于AzureOpenAI和官方文档有一些不同,建议按照以下形式设置AzureOpenAI的参数

turbo = dspy.AzureOpenAI(api_base= "your azure endpoint",
              api_key="",
              api_version="2024-05-01-preview",
              api_provider= "azure",
              model_type="chat",
              deployment_id = "your deployment name",)

  • 基于ChatGPT
turbo = dspy.OpenAI(model='gpt-3.5-turbo')
import openai
openai.api_key = ""

自定义数据库

文档给出了多种自定义加载数据的方案,具体可以在官方文档中查阅,这里主要说明的是,官方教程/Repo-office中直接给出了数据库链接并直接加载,但是实际需要三步,

    • 第一步加载自然文本数据库,
    • 第二步使用句子向量模型转为向量,这里为了教学,句子向量采用了不同的模型。
    • 第三使用向量数据库进行加载。

需要特别注意:

  • 1:数据库最终加载进入的方式要求是List

笔者给出一个示例:

import dspy
from dspy.datasets import DataLoader
from dspy.retrieve.faiss_rm import FaissRM
from dsp.modules.sentence_vectorizer import SentenceTransformersVectorizer
import pandas as pd

dl = DataLoader()
turbo = dspy.OpenAI(model='gpt-3.5-turbo')

# 从CSV文件加载数据集
dataset = dl.from_csv(
    f"cmrc2018_sampled.csv",
    fields=("question", "answer"),
    input_keys=("Title", "question"))

# 划分训练集和测试集
splits = dl.train_test_split(dataset, train_size=0.8)
trainset = splits['train']
devset = splits['test']

# 将训练和测试数据集生成数据库
document_chunks = df['Context Text'].drop_duplicates().tolist()

vectorizer = SentenceTransformersVectorizer(
    model_name_or_path="distiluse-base-multilingual-cased-v2",  # 模型名称或路径
)

# 使用 Faiss 进行检索
frm = FaissRM(document_chunks, vectorizer=vectorizer)
dspy.settings.configure(lm=turbo, rm=frm)


笔者给出完整的自定义数据加载的代码。

使用的数据集为 [第二届中文机读理解评估研讨会 (CMRC 2018)] 数据集的部分代码,主要包括问答数据和回答问题需要的背景知识。

首先对cmrc2018_trial.json进行处理

  • 数据问答对的列名必须分别是 questionanswer,不然后面会报错
import json
import pandas as pd
import random

# Define the path to the input JSON file
input_file_path = 'cmrc2018_trial.json'

# Load the JSON data
with open(input_file_path, 'r', encoding='utf-8') as file:
    data = json.load(file)

# Randomly select 100 entries from the dataset
sampled_data = random.sample(data, 100)

# Initialize a list to hold the extracted data
extracted_data = []

# Iterate through each entry in the sampled data
for entry in sampled_data:
    context_id = entry['context_id']
    title = entry['title']
    context_text = entry['context_text']
    qas = entry['qas']

    # Iterate through each question-answer pair
    for qa in qas:
        question = qa['query_text']
        answers = qa['answers']

        # Add each answer to the extracted data list
        for answer in answers:
            extracted_data.append({
                'question': question,
                'answer': answer,
                'Title': title,
                'Context Text': context_text,
                'Context ID': context_id
            })

# Convert the extracted data to a pandas DataFrame
df = pd.DataFrame(extracted_data)

df.to_csv('cmrc2018_sampled.csv', index=False)

print(df.head())

加载数据,自定义数据集

import dspy
from dspy.datasets import DataLoader
from dspy.retrieve.faiss_rm import FaissRM
from dsp.modules.sentence_vectorizer import SentenceTransformersVectorizer
import pandas as pd

dl = DataLoader()
turbo = dspy.OpenAI(model='gpt-3.5-turbo')

# 从CSV文件加载数据集
dataset = dl.from_csv(
    f"cmrc2018_sampled.csv",
    fields=("question", "answer"),
    input_keys=("Title", "question"))

# 划分训练集和测试集
splits = dl.train_test_split(dataset, train_size=0.8)
trainset = splits['train']
devset = splits['test']

# 将训练和测试数据集生成数据库
document_chunks = df['Context Text'].drop_duplicates().tolist()

vectorizer = SentenceTransformersVectorizer(
    model_name_or_path="distiluse-base-multilingual-cased-v2",  # 模型名称或路径
)

# 使用 Faiss 进行检索
frm = FaissRM(document_chunks, vectorizer=vectorizer)
dspy.settings.configure(lm=turbo, rm=frm)

trainset_q = [x.with_inputs('question') for x in trainset]
devset_q = [x.with_inputs('question') for x in devset]

DSPy适用于各种应用和任务。在本介绍性notebook中,我们将以数据库检索问答(QA)为示例任务进行工作。DSPy通常只需要非常少量的标注。虽然你的管道可能涉及六到七个复杂步骤,但你只需要标注初始问题和最终答案。DSPy会自动生成支持你的管道所需的任何中间标注。

查看示例数据

Repo-office | Repo-custom

train_example = trainset[0]
print(train_example)
print(f"Question: {train_example.question}")
print(f"Answer: {train_example.answer}")

dev_example = devset[10]
print(f"Question: {dev_example.question}")
print(f"Answer: {dev_example.answer}")


2.2 定义程序流程

在DSPy中,我们将以声明方式定义模块与在pipeline中调用它们以解决任务之间保持清晰的分离。

这让你能够专注于pipeline的信息流。DSPy会接管你的程序,并自动优化如何提示(或微调)语言模型以适应你的特定pipeline,使其效果良好。

在实际操作之前,先来了解一些关键部分。

使用语言模型:签名预测器

在DSPy程序中,每次调用语言模型(LM)都需要有一个签名。

签名由三个简单元素组成:

  • 一个关于语言模型要解决的子任务的简要描述。
  • 描述我们将提供给语言模型的一个或多个输入字段(例如输入的问题)。
  • 描述我们期望从语言模型获取的一个或多个输出字段(例如问题的答案)。

让我们为基本的问答定义一个简单的签名

Repo-office

class BasicQA(dspy.Signature):
    """Answer questions with short factoid answers."""

    question = dspy.InputField()
    answer = dspy.OutputField(desc="often between 1 and 5 words")


Repo-custom

class BasicQA(dspy.Signature):
    """Answer questions with short factoid answers."""

    question = dspy.InputField()
    answer = dspy.OutputField(desc="请简洁的回答问题")


在 BasicQA类 中,文档字符串描述了这个子任务(即回答问题)。每个 InputField 或 OutputField 可以选择包含一个描述 desc。如果没有提供描述,将从字段名称(例如 question)推断。

既然我们有了签名,现在让我们定义并使用一个预测器。预测器是一个知道如何使用语言模型来实现签名的模块。重要的是,预测器可以学习以适应任务的行为!

Repo-office | Repo-custom

generate_answer = dspy.Predict(BasicQA)

# Call the predictor on a particular input.
pred = generate_answer(question=dev_example.question)

# Print the input and the prediction.
print(f"Question: {dev_example.question}")
print(f"Predicted Answer: {pred.answer}")
print(f"label Answer: {dev_example.answer}")

# 查看直接的推理历史记录
turbo.inspect_history(n=1)


使用CoT思维链

加入CoT思维链使得模型重新回答,并输出思考过程

Repo-office | Repo-custom

# Define the predictor. Notice we're just changing the class. The signature BasicQA is unchanged.
generate_answer_with_chain_of_thought = dspy.ChainOfThought(BasicQA)

# Call the predictor on the same input.
pred = generate_answer_with_chain_of_thought(question=dev_example.question)

# Print the input, the chain of thought, and the prediction.
print(f"Question: {dev_example.question}")
print(f"Thought: {pred.rationale}")
print(f"Predicted Answer: {pred.answer}")


例如 Repo-custom的输出为

Question: 四川地区,将五月艾称之为什么? 
Thought: Answer: 将五月艾称为“五月菠菜”。 
Predicted Answer: 将五月艾称为“五月菠菜”。


使用检索模型

检索模型就是根据向量匹配度从之前定义好的数据库中检索到背景知识,用于后续和prompt一起送进大模型。 使用检索器非常简单。模块 dspy.Retrieve(k) 将搜索与给定查询最匹配的前k个段落。

Repo-office | Repo-custom

retrieve = dspy.Retrieve(k=3)

print(retrieve(dev_example.question))
topK_passages = retrieve(dev_example.question).passages

print(f"Top {retrieve.k} passages for question: {dev_example.question} 
", '-' * 30, '
')

for idx, passage in enumerate(topK_passages):
    print(f'{idx+1}]', passage, '
')


你也可以随时检索任何信息:例如检索 china

retrieve("china").passages[0]

基础检索增强生成(“RAG”)

我们将构建一个检索增强的答案生成管道。

对于一个问题,我们将在训练数据集中搜索前3个相关段落,然后将它们作为上下文传递给生成模块以生成答案。

首先定义这个签名:context, question --> answer

Repo-office

class GenerateAnswer(dspy.Signature):
    """Answer questions with short factoid answers."""

    context = dspy.InputField(desc="may contain relevant facts")
    question = dspy.InputField()
    answer = dspy.OutputField(desc="often between 1 and 5 words")


Repo-custom

class GenerateAnswer(dspy.Signature):
    """Answer questions with short factoid answers."""

    context = dspy.InputField(desc="从数据库中检索相关的背景")
    question = dspy.InputField()
    answer = dspy.OutputField(desc="请简洁的回答问题")


下面我们需要定义一个用于RAG的执行程序,它需要两个方法:

  • __init__方法将声明它需要的子模块:dspy.Retrievedspy.ChainOfThought。后者用于实现我们的GenerateAnswer签名。
  • forward方法将描述使用这些模块来回答问题的控制流程

Repo-office | Repo-custom

class RAG(dspy.Module):
    def __init__(self, num_passages=3):
        super().__init__()

        self.retrieve = dspy.Retrieve(k=num_passages)
        self.generate_answer = dspy.ChainOfThought(GenerateAnswer)

    def forward(self, question):
        context = self.retrieve(question).passages
        prediction = self.generate_answer(context=context, question=question)
        return dspy.Prediction(context=context, answer=prediction.answer)


定义了这个程序之后,现在让我们编译它。编译程序将更新每个模块中存储的参数。在我们的设置中,这主要是通过收集和选择好的示例来用在Prompt中。

设置指标和优化器

编译依赖于三件事:

  • 一个训练集。 我们将使用上面提到的部分问答示例的trainset
  • 一个验证指标。 我们将定义一个快速的validate_context_and_answer函数,检查预测的答案是否正确。
  • 一个特定的提示优化器。 DSPy编译器包括许多提示优化器,可以优化你的程序。

不同的提示优化器在优化成本与质量等方面提供了不同的折中方案。在教程中,笔者将使用一个简单的默认提示优化器BootstrapFewShot

同时定义评估模型validate_context_and_answer用于检查是否问题准确并且检索到准确的背景

Repo-office | Repo-custom

from dspy.teleprompt import BootstrapFewShot

# Validation logic: check that the predicted answer is correct.
# Also check that the retrieved context does actually contain that answer.
def validate_context_and_answer(example, pred, trace=None):
    answer_EM = dspy.evaluate.answer_exact_match(example, pred)
    answer_PM = dspy.evaluate.answer_passage_match(example, pred)
    return answer_EM and answer_PM

# Set up a basic teleprompter, which will compile our RAG program.
teleprompter = BootstrapFewShot(metric=validate_context_and_answer)

# Compile!
compiled_rag = teleprompter.compile(RAG(), trainset=trainset_q


现在可以通过一些提问来进行验证:

例如:

Repo-office

# Ask any question you like to this simple RAG program.
my_question = "What castle did David Gregory inherit?"

# Get the prediction. This contains `pred.context` and `pred.answer`.
pred = compiled_rag(my_question)

# Print the contexts and the answer.
print(f"Question: {my_question}")
print(f"Predicted Answer: {pred.answer}")
print(f"Retrieved Contexts (truncated): {[c[:200] + '...' for c in pred.context]}")


也可以通过 turbo.inspect_history(n=1) 来看到底模型中发生了什么内容。

例如Repo-office 的部分输出:

 Context: 
 [1] «Battle of Kursk | The Battle of Kursk was a Second World War engagement between German and Soviet forces on the Eastern Front near Kursk (450 km south-west of Moscow) in the Soviet Union during July and August 1943. The battle began with the launch of the German offensive, Operation Citadel (German: "Unternehmen Zitadelle" ), on 5 July, which had the objective of pinching off the Kursk salient with attacks on the base of the salient from north and south simultaneously. After the German offensive stalled on the northern side of the salient, on 12 July the Soviets commenced their Kursk Strategic Offensive Operation with the launch of Operation Kutuzov (Russian: Кутузов ) against the rear of the German forces in the northern side. On the southern side, the Soviets also launched powerful counterattacks the same day, one of which led to a large armoured clash, the Battle of Prokhorovka. On 3 August, the Soviets began the second phase of the Kursk Strategic Offensive Operation with the launch of Operation Polkovodets Rumyantsev (Russian: Полководец Румянцев ) against the German forces in the southern side of the Kursk salient.» 
 [2] «Operation Mars | Operation Mars, also known as the Second Rzhev-Sychevka Offensive Operation (Russian: Вторая Ржевско-Сычёвская наступательная операция), was the codename for an offensive launched by Soviet forces against German forces during World War II. It took place between 25 November and 20 December 1942 around the Rzhev salient in the vicinity of Moscow.» 
 [3] «Kholm Pocket | The Kholm Pocket (German: "Kessel von Cholm" ; Russian: Холмский котёл ) was the name given for the encirclement of German troops by the Red Army around Kholm south of Leningrad, during World War II on the Eastern Front, from 23 January 1942 until 5 May 1942. A much larger pocket was simultaneously surrounded in Demyansk, about 100 km to the northeast. These were the results of German retreat following their defeat during the Battle of Moscow.» 

Question: What is the code name for the German offensive that started this Second World War engagement on the Eastern Front (a few hundred kilometers from Moscow) between Soviet and German forces, which included 102nd Infantry Division?
Reasoning: Let's think step by step in order to produce the answer. We know that the German offensive that started the Battle of Kursk was called Operation Citadel. 
Answer: Operation Citadel 

--- 
 Context: 
 [1] «Kerry Condon | Kerry Condon (born 4 January 1983) is an Irish television and film actress, best known for her role as Octavia of the Julii in the HBO/BBC series "Rome," as Stacey Ehrmantraut in AMC's "Better Call Saul" and as the voice of F.R.I.D.A.Y. in various films in the Marvel Cinematic Universe. She is also the youngest actress ever to play Ophelia in a Royal Shakespeare Company production of "Hamlet."»
 [2] «Corona Riccardo | Corona Riccardo (c. 1878October 15, 1917) was an Italian born American actress who had a brief Broadway stage career before leaving to become a wife and mother. Born in Naples she came to acting in 1894 playing a Mexican girl in a play at the Empire Theatre. Wilson Barrett engaged her for a role in his play "The Sign of the Cross" which he took on tour of the United States. Riccardo played the role of Ancaria and later played Berenice in the same play. Robert B. Mantell in 1898 who struck by her beauty also cast her in two Shakespeare plays, "Romeo and Juliet" and "Othello". Author Lewis Strang writing in 1899 said Riccardo was the most promising actress in America at the time. Towards the end of 1898 Mantell chose her for another Shakespeare part, Ophelia im Hamlet. Afterwards she was due to join Augustin Daly's Theatre Company but Daly died in 1899. In 1899 she gained her biggest fame by playing Iras in the first stage production of Ben-Hur.»
 [3] «Judi Dench | Dame Judith Olivia "Judi" Dench, {'1': ", '2': ", '3': ", '4': "} (born 9 December 1934) is an English actress and author. Dench made her professional debut in 1957 with the Old Vic Company. Over the following few years, she performed in several of Shakespeare's plays in such roles as Ophelia in "Hamlet", Juliet in "Romeo and Juliet", and Lady Macbeth in "Macbeth". Although most of her work during this period was in theatre, she also branched into film work and won a BAFTA Award as Most Promising Newcomer. She drew strong reviews for her leading role in the musical "Cabaret" in 1968.» 
 
Question: Who acted in the shot film The Shore and is also the youngest actress ever to play Ophelia in a Royal Shakespeare Company production of "Hamlet." ?  
Reasoning: Let's think step by step in order to produce the answer. We know that the actress we are looking for is the youngest actress ever to play Ophelia in a Royal Shakespeare Company production of "Hamlet." We also know that she acted in the short film The Shore. 
Answer: Kerry Condon ---


评估

首先,让我们评估预测答案的准确性(精确匹配)。用于后续结果的进一步优化 22/50

Repo-office | Repo-custom

from dspy.evaluate.evaluate import Evaluate

# Set up the `evaluate_on_hotpotqa` function. We'll use this many times below.
evaluate_on_hotpotqa = Evaluate(devset=devset, num_threads=1, display_progress=True, display_table=5)

# Evaluate the `compiled_rag` program with the `answer_exact_match` metric.
metric = dspy.evaluate.answer_exact_match
evaluate_on_hotpotqa(compiled_rag, metric=metric)


例如:Repo-office 的输出

研究检索的准确性也可能具有指导意义。通常,我们可以检查检索到的段落是否包含答案。 13/50

这可能表明LM经常依赖于它在训练中记忆的知识来回答问题。

三:总结

通过以上的介绍中,基本可以掌握使用在Dspy框架上实现自己数据和模型的推理,至于解决目前这种弱检索问题,使得结果更加精确,可以继续深入官方的教程学习后续更高级搜索行为的代码。

相信您已经掌握了如何在三十分钟内快速上手DSPy框架。无论是自动化Prompt生成还是优化,DSPy都能为您的自然语言处理项目提供极大的帮助。希望您在今后的工作中能够充分利用DSPy,提高开发效率。

如何学习AI大模型?

我在一线互联网企业工作十余年里,指导过不少同行后辈。帮助很多人得到了学习和成长。

我意识到有很多经验和知识值得分享给大家,也可以通过我们的能力和经验解答大家在人工智能学习中的很多困惑,所以在工作繁忙的情况下还是坚持各种整理和分享。但苦于知识传播途径有限,很多互联网行业朋友无法获得正确的资料得到学习提升,故此将并将重要的AI大模型资料包括AI大模型入门学习思维导图、精品AI大模型学习书籍手册、视频教程、实战学习等录播视频免费分享出来。

第一阶段: 从大模型系统设计入手,讲解大模型的主要方法;

第二阶段: 在通过大模型提示词工程从Prompts角度入手更好发挥模型的作用;

第三阶段: 大模型平台应用开发借助阿里云PAI平台构建电商领域虚拟试衣系统;

第四阶段: 大模型知识库应用开发以LangChain框架为例,构建物流行业咨询智能问答系统;

第五阶段: 大模型微调开发借助以大健康、新零售、新媒体领域构建适合当前领域大模型;

第六阶段: 以SD多模态大模型为主,搭建了文生图小程序案例;

第七阶段: 以大模型平台应用与开发为主,通过星火大模型,文心大模型等成熟大模型构建大模型行业应用。

👉学会后的收获:👈
• 基于大模型全栈工程实现(前端、后端、产品经理、设计、数据分析等),通过这门课可获得不同能力;

• 能够利用大模型解决相关实际项目需求: 大数据时代,越来越多的企业和机构需要处理海量数据,利用大模型技术可以更好地处理这些数据,提高数据分析和决策的准确性。因此,掌握大模型应用开发技能,可以让程序员更好地应对实际项目需求;

• 基于大模型和企业数据AI应用开发,实现大模型理论、掌握GPU算力、硬件、LangChain开发框架和项目实战技能, 学会Fine-tuning垂直训练大模型(数据准备、数据蒸馏、大模型部署)一站式掌握;

• 能够完成时下热门大模型垂直领域模型训练能力,提高程序员的编码能力: 大模型应用开发需要掌握机器学习算法、深度学习框架等技术,这些技术的掌握可以提高程序员的编码能力和分析能力,让程序员更加熟练地编写高质量的代码。

1.AI大模型学习路线图
2.100套AI大模型商业化落地方案
3.100集大模型视频教程
4.200本大模型PDF书籍
5.LLM面试题合集
6.AI产品经理资源合集

👉获取方式:
😝有需要的小伙伴,可以保存图片到wx扫描二v码免费领取【保证100%免费】🆓

本文地址:https://www.vps345.com/5032.html

搜索文章

Tags

PV计算 带宽计算 流量带宽 服务器带宽 上行带宽 上行速率 什么是上行带宽? CC攻击 攻击怎么办 流量攻击 DDOS攻击 服务器被攻击怎么办 源IP 服务器 linux 运维 游戏 云计算 ssh deepseek Ollama 模型联网 API CherryStudio 进程 操作系统 进程控制 Ubuntu llama 算法 opencv 自然语言处理 神经网络 语言模型 数据库 centos oracle 关系型 安全 分布式 javascript 前端 chrome edge python MCP macos adb harmonyos 华为 开发语言 typescript 计算机网络 ubuntu numpy rust http java 网络 nginx 监控 自动化运维 阿里云 网络安全 网络协议 笔记 C 环境变量 进程地址空间 react.js 前端面试题 node.js 持续部署 Dell R750XS 科技 ai 人工智能 个人开发 sql KingBase fastapi mcp mcp-proxy mcp-inspector fastapi-mcp agent sse 银河麒麟 kylin v10 麒麟 v10 spring boot websocket LDAP docker 实时音视频 filezilla 无法连接服务器 连接被服务器拒绝 vsftpd 331/530 android c++ c语言 gitlab tcp/ip 多线程服务器 Linux网络编程 容器 DeepSeek-R1 API接口 pycharm 深度学习 conda pillow spring json html5 firefox 自动化 蓝耘科技 元生代平台工作流 ComfyUI django flask web3.py kubernetes 学习方法 经验分享 程序人生 windows 搜索引擎 github 创意 社区 kvm 无桌面 命令行 flutter RTSP xop RTP RTSPServer 推流 视频 matlab YOLOv8 NPU Atlas800 A300I pro asi_bench ecm bpm zotero WebDAV 同步失败 代理模式 golang 后端 IIS .net core Hosting Bundle .NET Framework vs2022 udp unity ollama llm php 串口服务器 ESP32 vue.js audio vue音乐播放器 vue播放音频文件 Audio音频播放器自定义样式 播放暂停进度条音量调节快进快退 自定义audio覆盖默认样式 nuxt3 vue3 YOLO pytorch 面试 性能优化 jdk intellij-idea 架构 stm32 物联网 qt redis EMQX MQTT 通信协议 运维开发 弹性计算 虚拟化 KVM 计算虚拟化 弹性裸金属 vim idm 报错 重启 排查 系统重启 日志 原因 uni-app 医疗APP开发 app开发 bash 学习 宝塔面板 同步 备份 建站 安全威胁分析 AI编程 AIGC vscode 1.86 云原生 JAVA Java spring cloud 机器学习 豆瓣 追剧助手 迅雷 nas 微信 内存 unity3d 目标检测 计算机视觉 vscode aws googlecloud 服务器繁忙 备选 网站 api 调用 示例 银河麒麟桌面操作系统 Kylin OS 国产化 AI Agent tomcat postman mock mock server 模拟服务器 mock服务器 Postman内置变量 Postman随机数据 https jvm kylin 远程工作 Linux PID mysql IIS服务器 IIS性能 日志监控 maven intellij idea 电脑 腾讯云 eureka web安全 ide 智能路由器 外网访问 内网穿透 端口映射 fpga开发 word图片自动上传 word一键转存 复制word图片 复制word图文 复制word公式 粘贴word图文 粘贴word公式 sqlite dubbo TCP服务器 qt项目 qt项目实战 qt教程 openssl 密码学 mosquitto 消息队列 根服务器 kafka hibernate shell mongodb Linux 国产操作系统 ukui 麒麟kylinos openeuler 微服务 统信 虚拟机安装 游戏程序 ffmpeg 音视频 机器人 AI大模型 大模型 大模型入门 Deepseek 大模型教程 webrtc sqlserver 嵌入式硬件 单片机 温湿度数据上传到服务器 Arduino HTTP android studio ruoyi springboot git 恒源云 java-ee tcp big data 雨云 NPS apache 孤岛惊魂4 博客 权限 microsoft 向日葵 jenkins gitee chatgpt oneapi open webui ollama下载加速 Headless Linux excel 远程登录 telnet pdf asp.net大文件上传 asp.net大文件上传下载 asp.net大文件上传源码 ASP.NET断点续传 asp.net上传文件夹 asp.net上传大文件 .net core断点续传 华为认证 网络工程师 交换机 开源 爬虫 k8s c# zookeeper debian live555 rtsp rtp visualstudio 驱动开发 硬件工程 嵌入式实习 Samba SWAT 配置文件 服务管理 网络共享 WSL win11 无法解析服务器的名称或地址 大数据 v10 镜像源 软件 armbian u-boot 3d 数学建模 网络结构图 Cline ecmascript nextjs react reactjs URL ftp DeepSeek av1 电视盒子 机顶盒ROM 魔百盒刷机 openwrt Docker Hub docker pull daemon.json ux 多线程 LLM Web APP Streamlit HTML audio 控件组件 vue3 audio音乐播放器 Audio标签自定义样式默认 vue3播放音频文件音效音乐 自定义audio播放器样式 播放暂停调整声音大小下载文件 MI300x string模拟实现 深拷贝 浅拷贝 经典的string类问题 三个swap 开发环境 SSL证书 Python 网络编程 聊天服务器 套接字 TCP 客户端 Socket 小程序 svn 源码剖析 rtsp实现步骤 流媒体开发 odoo 服务器动作 Server action Cursor 能力提升 面试宝典 技术 IT信息化 Dify 数据集 直播推流 Flask FastAPI Waitress Gunicorn uWSGI Uvicorn prometheus 银河麒麟操作系统 rpc 远程过程调用 Windows环境 pygame 小游戏 五子棋 媒体 微信公众平台 C语言 ipython Hyper-V WinRM TrustedHosts jmeter 软件测试 联想开天P90Z装win10 DigitalOcean GPU服务器购买 GPU服务器哪里有 GPU服务器 僵尸进程 统信UOS 麒麟 bonding 链路聚合 mount挂载磁盘 wrong fs type LVM挂载磁盘 Centos7.9 C++软件实战问题排查经验分享 0xfeeefeee 0xcdcdcdcd 动态库加载失败 程序启动失败 程序运行权限 标准用户权限与管理员权限 安全架构 游戏服务器 Minecraft ddos cursor MCP server C/S LLM windows日志 ansible playbook gpu算力 安装教程 GPU环境配置 Ubuntu22 CUDA PyTorch Anaconda安装 H3C ios 命名管道 客户端与服务端通信 flash-attention agi 服务器无法访问 ip地址无法访问 无法访问宝塔面板 宝塔面板打不开 华为云 springsecurity6 oauth2 授权服务器 前后端分离 arm html FunASR ASR 佛山戴尔服务器维修 佛山三水服务器维修 交互 go file server http server web server ssl 集成学习 集成测试 监控k8s集群 集群内prometheus openEuler elasticsearch Reactor 设计模式 C++ 代码调试 ipdb Docker Compose docker compose docker-compose 远程连接 rdp 实验 TRAE GaN HEMT 氮化镓 单粒子烧毁 辐射损伤 辐照效应 UOS 统信操作系统 yum 编辑器 oceanbase rc.local 开机自启 systemd MNN Qwen 备份SQL Server数据库 数据库备份 傲梅企业备份网络版 llama3 Chatglm 开源大模型 深度优先 图论 并集查找 换根法 树上倍增 gaussdb DeepSeek行业应用 Heroku 网站部署 xss ci/cd pppoe radius hugo arm开发 virtualenv 远程桌面 next.js 部署 部署next.js AI agent IDEA 国标28181 视频监控 监控接入 语音广播 流程 SIP SDP iBMC UltraISO windwos防火墙 defender防火墙 win防火墙白名单 防火墙白名单效果 防火墙只允许指定应用上网 防火墙允许指定上网其它禁止 系统安全 CH340 串口驱动 CH341 uart 485 图像处理 can 线程池 GCC aarch64 编译安装 HPC HAProxy 数据库架构 数据管理 数据治理 数据编织 数据虚拟化 技能大赛 1024程序员节 鲲鹏 昇腾 npu c SEO 漏洞 ssh远程登录 显示管理器 lightdm gdm kind VMware安装mocOS VMware macOS系统安装 树莓派 VNC 负载均衡 多进程 远程 命令 执行 sshpass 操作 linux上传下载 阻塞队列 生产者消费者模型 服务器崩坏原因 mac bcompare Beyond Compare 健康医疗 互联网医院 模拟器 教程 laravel Linux无人智慧超市 LInux多线程服务器 QT项目 LInux项目 单片机项目 vue css less wps 安卓 grafana ros 直流充电桩 充电桩 junit rabbitmq rnn SSH devops 压力测试 vmware 卡死 netty express p2p 无人机 网络穿透 云服务器 浏览器开发 AI浏览器 linux安装配置 Nuxt.js Xterminal gcc HTTP 服务器控制 ESP32 DeepSeek seatunnel yaml Ultralytics 可视化 AD域 致远OA OA服务器 服务器磁盘扩容 wsl okhttp CORS 跨域 游戏机 etl etcd 数据安全 RBAC wireshark 测试工具 嵌入式 linux驱动开发 Netty 即时通信 NIO 智能手机 EMUI 回退 降级 升级 企业微信 Linux24.04 deepin 信息与通信 中兴光猫 换光猫 网络桥接 自己换光猫 ue4 着色器 ue5 虚幻 vasp安装 查询数据库服务IP地址 SQL Server ArkUI 多端开发 智慧分发 应用生态 鸿蒙OS 加解密 Yakit yaklang 语音识别 AutoDL mariadb dify zabbix 开机自启动 HCIE 数通 rag ragflow ragflow 源码启动 rocketmq 技术共享 apt SVN Server tortoise svn r语言 数据挖掘 数据可视化 数据分析 鸿蒙 鸿蒙系统 前端框架 SysBench 基准测试 计算机 程序员 ui 华为od MS Materials eclipse gateway Clion Nova ResharperC++引擎 Centos7 远程开发 业界资讯 cuda cudnn anaconda 模拟退火算法 mamba Vmamba 视觉检测 单元测试 功能测试 selenium Docker引擎已经停止 Docker无法使用 WSL进度一直是0 镜像加速地址 code-server 银河麒麟高级服务器 外接硬盘 Kylin Linux的基础指令 echarts 信息可视化 网页设计 中间件 jar gradle lio-sam SLAM 图形化界面 composer 换源 国内源 Debian AISphereButler kamailio sip VoIP 大数据平台 IMX317 MIPI H265 VCU visual studio code 课程设计 rust腐蚀 crosstool-ng npm 游戏引擎 框架搭建 .net 回显服务器 UDP的API使用 HiCar CarLife+ CarPlay QT RK3588 vSphere vCenter yolov8 Node-Red 编程工具 流编程 wsl2 Java Applet URL操作 服务器建立 Socket编程 网络文件读取 tensorflow ESXi Dell HPE 联想 浪潮 需求分析 规格说明书 selete 高级IO unix HarmonyOS 多层架构 解耦 微信小程序 程序 编程 性能分析 bat web CVE-2024-7347 VPS .net mvc断点续传 web3 linux 命令 sed 命令 autodl 微信分享 Image wxopensdk 软件定义数据中心 sddc 反向代理 状态模式 矩阵 实时互动 飞书 策略模式 单例模式 rtsp服务器 rtsp server android rtsp服务 安卓rtsp服务器 移动端rtsp服务 大牛直播SDK 缓存 可信计算技术 网络攻击模型 传统数据库升级 银行 大语言模型 LLMs 单一职责原则 n8n 工作流 workflow 信号 jupyter IPMITOOL BMC 硬件管理 opcua opcda KEPServer安装 大模型微调 工业4.0 prompt easyui langchain IMM rclone AList webdav fnOS 小艺 Pura X 计算机外设 微信开放平台 微信公众号配置 gitea 双系统 hexo 移动云 云服务 token sas 小智AI服务端 xiaozhi TTS FTP 服务器 IPv4 子网掩码 公网IP 私有IP 宠物 毕业设计 免费学习 宠物领养 宠物平台 Windows SSH 密钥生成 SSH 公钥 私钥 生成 matplotlib iperf3 带宽测试 nfs 历史版本 下载 安装 SSL 域名 Anolis nginx安装 环境安装 linux插件下载 数据结构 ShenTong 系统架构 硬件架构 SSH 服务 SSH Server OpenSSH Server 僵尸世界大战 游戏服务器搭建 safari pip Mac 系统 webstorm Trae IDE AI 原生集成开发环境 Trae AI VR手套 数据手套 动捕手套 动捕数据手套 mcu nvidia CPU 主板 电源 网卡 HarmonyOS Next 毕昇JDK fd 文件描述符 线程 半虚拟化 硬件虚拟化 Hypervisor EasyConnect Kali Linux 黑客 渗透测试 信息收集 h.264 micropython esp32 mqtt RustDesk自建服务器 rustdesk服务器 docker rustdesk 黑客技术 7z 流式接口 项目部署到linux服务器 项目部署过程 本地部署 输入法 pyqt 微信小程序域名配置 微信小程序服务器域名 微信小程序合法域名 小程序配置业务域名 微信小程序需要域名吗 微信小程序添加域名 postgresql pgpool list 模拟实现 vscode1.86 1.86版本 ssh远程连接 田俊楠 SSE open Euler dde minio 迁移指南 .netcore hadoop 自动驾驶 AI-native Docker Desktop 网工 opensearch helm ssrf 失效的访问控制 WebUI DeepSeek V3 TrinityCore 魔兽世界 Qwen2.5-coder 离线部署 sysctl.conf vm.nr_hugepages adobe elk cocoapods xcode 虚拟机 threejs 3D bug 文件系统 路径解析 SenseVoice outlook xrdp 软链接 硬链接 视频编解码 流水线 脚本式流水线 efficientVIT YOLOv8替换主干网络 TOLOv8 Ubuntu 24.04.1 轻量级服务器 合成模型 扩散模型 图像生成 python3.11 dash 正则表达式 ip 序列化反序列化 g++ g++13 群晖 文件分享 软件工程 iis W5500 OLED u8g2 CrewAI 其他 chfs ubuntu 16.04 log4j 环境迁移 服务器管理 配置教程 服务器安装 网站管理 崖山数据库 YashanDB Ubuntu DeepSeek DeepSeek Ubuntu DeepSeek 本地部署 DeepSeek 知识库 DeepSeek 私有化知识库 本地部署 DeepSeek DeepSeek 私有化部署 sentinel Xinference RAGFlow rsyslog cpu 实时 使用 高效日志打印 串口通信日志 服务器日志 系统状态监控日志 异常记录日志 NFS 毕设 相差8小时 UTC 时间 远程控制 远程看看 远程协助 DevEco Studio OpenHarmony 真机调试 sdkman dns 信号处理 低代码 WSL2 onlyoffice 三级等保 服务器审计日志备份 FTP服务器 VMware安装Ubuntu Ubuntu安装k8s AI写作 OD机试真题 华为OD机试真题 服务器能耗统计 多个客户端访问 IO多路复用 TCP相关API cnn GoogLeNet prometheus数据采集 prometheus数据模型 prometheus特点 bootstrap 相机 软考 k8s集群资源管理 云原生开发 RAGFLOW cd 目录切换 智能音箱 智能家居 CDN dba Ubuntu 24 常用命令 Ubuntu 24 Ubuntu vi 异常处理 烟花代码 烟花 元旦 tailscale derp derper 中转 线性代数 电商平台 大文件分片上传断点续传及进度条 如何批量上传超大文件并显示进度 axios大文件切片上传详细教 node服务器合并切片 vue3大文件上传报错提示错误 大文件秒传跨域报错cors XCC Lenovo 压测 ECS mysql离线安装 ubuntu22.04 mysql8.0 源码 繁忙 解决办法 替代网站 汇总推荐 AI推理 webgl DOIT 四博智联 防火墙 NAT转发 NAT Server Unity Dedicated Server Host Client 无头主机 stm32项目 embedding centos-root /dev/mapper yum clean all df -h / du -sh 考研 在线office wsgiref Web 服务器网关接口 xpath定位元素 基础入门 dity make hive Hive环境搭建 hive3环境 Hive远程模式 王者荣耀 thingsboard LORA NLP ardunio BLE 端口测试 redhat iDRAC R720xd freebsd glibc 常用命令 文本命令 目录命令 Linux awk awk函数 awk结构 awk内置变量 awk参数 awk脚本 awk详解 chrome 浏览器下载 chrome 下载安装 谷歌浏览器下载 XFS xfs文件系统损坏 I_O error es 抗锯齿 epoll 实习 磁盘监控 iot Kali firewall dell服务器 MySql iventoy VmWare OpenEuler css3 移动魔百盒 USB转串口 飞牛NAS 飞牛OS MacBook Pro harmonyOS面试题 服务器主板 AI芯片 Jellyfin Typore 邮件APP 免费软件 Ubuntu Server Ubuntu 22.04.5 服务器配置 生物信息学 金仓数据库 2025 征文 数据库平替用金仓 Wi-Fi 超融合 Spring Security 我的世界 我的世界联机 数码 我的世界服务器搭建 asm 云电竞 云电脑 todesk proxy模式 IPMI 带外管理 5G 3GPP 卫星通信 职场和发展 db 虚拟局域网 jetty undertow deepseek r1 tidb GLIBC 交叉编译 ISO镜像作为本地源 nac 802.1 portal ruby make命令 makefile文件 Erlang OTP gen_server 热代码交换 事务语义 边缘计算 tcpdump iphone Linux环境 NAS Termux 显卡驱动 ceph Python基础 Python教程 Python技巧 wordpress 无法访问wordpess后台 打开网站页面错乱 linux宝塔面板 wordpress更换服务器 宝塔面板访问不了 宝塔面板网站访问不了 宝塔面板怎么配置网站能访问 宝塔面板配置ip访问 宝塔面板配置域名访问教程 宝塔面板配置教程 镜像 实战案例 GPU uv IM即时通讯 QQ 剪切板对通 HTML FORMAT AnythingLLM AnythingLLM安装 测试用例 navicat AI作画 聊天室 环境配置 ROS Claude ocr 深度求索 私域 知识库 思科模拟器 思科 Cisco jina 算力 Radius P2P HDLC k8s资源监控 annotations自动化 自动化监控 监控service 监控jvm camera Arduino 电子信息 frp muduo QT 5.12.12 QT开发环境 Ubuntu18.04 个人博客 X11 Xming MacOS录屏软件 GRUB引导 Linux技巧 腾讯云大模型知识引擎 docker搭建nacos详解 docker部署nacos docker安装nacos 腾讯云搭建nacos centos7搭建nacos KylinV10 麒麟操作系统 Vmware 银河麒麟服务器操作系统 系统激活 springboot远程调试 java项目远程debug docker远程debug java项目远程调试 springboot远程 物联网开发 lua clickhouse vue-i18n 国际化多语言 vue2中英文切换详细教程 如何动态加载i18n语言包 把语言json放到服务器调用 前端调用api获取语言配置文件 沙盒 word RAID RAID技术 磁盘 存储 社交电子 高效远程协作 TrustViewer体验 跨设备操作便利 智能远程控制 多路转接 cmos 硬件 项目部署 Deepseek-R1 私有化部署 推理模型 欧标 OCPP RAG 检索增强生成 文档解析 大模型垂直应用 edge浏览器 音乐库 飞牛 实用教程 Playwright 自动化测试 域名服务 DHCP 符号链接 配置 USB网络共享 Ubuntu共享文件夹 共享目录 Linux共享文件夹 裸金属服务器 弹性裸金属服务器 YOLOv12 ssh漏洞 ssh9.9p2 CVE-2025-23419 midjourney Cookie 状态管理的 UDP 服务器 Arduino RTOS neo4j 知识图谱 kali 共享文件夹 嵌入式Linux IPC AI代码编辑器 gnu IO模型 seleium chromedriver 智能硬件 干货分享 黑客工具 密码爆破 LInux Windsurf springcloud 流量运营 DBeaver 数据仓库 kerberos 灵办AI 链表 mybatis EtherNet/IP串口网关 EIP转RS485 EIP转Modbus EtherNet/IP网关协议 EIP转RS485网关 EIP串口服务器 执法记录仪 智能安全帽 smarteye perf CentOS Stream CentOS flink openstack Xen 华为机试 元服务 应用上架 数据库系统 C# MQTTS 双向认证 emqx TCP协议 产测工具框架 IMX6ULL 管理框架 软件需求 系统开发 binder 车载系统 framework 源码环境 Logstash 日志采集 软负载 llama.cpp 开发 蓝桥杯 CLion 做raid 装系统 milvus remote-ssh trae 语法 curl wget 端口 查看 ss deekseek 火绒安全 firewalld 内网服务器 内网代理 内网通信 AI Agent 字节智能运维 EtherCAT转Modbus ECT转Modbus协议 EtherCAT转485网关 ECT转Modbus串口网关 EtherCAT转485协议 ECT转Modbus网关 VM搭建win2012 win2012应急响应靶机搭建 攻击者获取服务器权限 上传wakaung病毒 应急响应并溯源 挖矿病毒处置 应急响应综合性靶场 ubuntu24.04.1 RTMP 应用层 uni-file-picker 拍摄从相册选择 uni.uploadFile H5上传图片 微信小程序上传图片 Redis Desktop 剧本 docker部署翻译组件 docker部署deepl docker搭建deepl java对接deepl 翻译组件使用 uniapp 分析解读 rpa 风扇控制软件 fast 大模型应用 VS Code OpenSSH 自动化任务管理 AD 域管理 spark HistoryServer Spark YARN jobhistory Linux find grep 网站搭建 serv00 grub 版本升级 扩容 飞牛nas fnos wpf VSCode 离线部署dify yum源切换 更换国内yum源 MacMini 迷你主机 mini Apple eNSP 企业网络规划 华为eNSP 网络规划 AP配网 AK配网 小程序AP配网和AK配网教程 WIFI设备配网小程序UDP开 服务器部署ai模型 vr 磁盘镜像 服务器镜像 服务器实时复制 实时文件备份 服务器数据恢复 数据恢复 存储数据恢复 raid5数据恢复 磁盘阵列数据恢复 自定义客户端 SAS rustdesk minecraft GIS 遥感 WebGIS x64 SIGSEGV xmm0 大大通 第三代半导体 碳化硅 ai工具 java-rocketmq ldap 程序员创富 Linux的权限 内网环境 热榜 ip命令 新增网卡 新增IP 启动网卡 李心怡 分布式训练 Kylin-Server sonoma 自动更新 win服务器架设 windows server xshell termius iterm2 数据库开发 database docker部署Python PX4 网卡的名称修改 eth0 ens33 cpp-httplib keepalived WebRTC gpt ArcTS 登录 ArcUI GridItem SRS 流媒体 直播 arkUI 服务网格 istio 办公自动化 自动化生成 pdf教程 js ABAP chrome devtools 存储维护 NetApp存储 EMC存储 DenseNet 性能测试 产品经理 雨云服务器 MDK 嵌入式开发工具 论文笔记 sublime text arcgis 影刀 #影刀RPA# 运维监控 鸿蒙开发 移动开发 增强现实 沉浸式体验 应用场景 技术实现 案例分析 AR pyautogui 黑苹果 bot Docker 虚幻引擎 risc-v leetcode 推荐算法 DocFlow sequoiaDB figma ubuntu24 vivado24 代理 捆绑 链接 谷歌浏览器 youtube google gmail swoole 图形渲染 trea idea visual studio 自动化编程 西门子PLC 通讯 alias unalias 别名 Invalid Host allowedHosts 北亚数据恢复 oracle数据恢复 ros2 moveit 机器人运动 上传视频至服务器代码 vue3批量上传多个视频并预览 如何实现将本地视频上传到网页 element plu视频上传 ant design vue vue3本地上传视频及预览移除 宕机切换 服务器宕机 混合开发 JDK regedit 开机启动 键盘 lsb_release /etc/issue /proc/version uname -r 查看ubuntu版本 triton 模型分析 Open WebUI 本地化部署 京东云 docker run 数据卷挂载 交互模式 嵌入式系统开发 skynet transformer 代理服务器 私有化 本地知识库部署 DeepSeek R1 模型 阿里云ECS deep learning 强化学习 玩机技巧 软件分享 软件图标 searxng 网络药理学 生信 PPI String Cytoscape CytoHubba RoboVLM 通用机器人策略 VLA设计哲学 vlm fot robot 视觉语言动作模型 具身智能 PVE rime 远程服务 Unity插件 linux环境变量 conda配置 conda镜像源 Google pay Apple pay nlp minicom 串口调试工具 TrueLicense 大模型部署 DNS UDP 政务 分布式系统 监控运维 Prometheus Grafana docker命令大全 设备 PCI-Express VMware创建虚拟机 ai小智 语音助手 ai小智配网 ai小智教程 esp32语音助手 diy语音助手 服务器时间 游戏开发 dock 加速 粘包问题 信创 信创终端 中科方德 怎么卸载MySQL MySQL怎么卸载干净 MySQL卸载重新安装教程 MySQL5.7卸载 Linux卸载MySQL8.0 如何卸载MySQL教程 MySQL卸载与安装 大模型推理 大模型学习 gpt-3 文心一言 搭建个人相关服务器 sqlite3 音乐服务器 Navidrome 音流 ping++ iftop 网络流量监控 网络用户购物行为分析可视化平台 大数据毕业设计 dns是什么 如何设置电脑dns dns应该如何设置 在线预览 xlsx xls文件 在浏览器直接打开解析xls表格 前端实现vue3打开excel 文件地址url或接口文档流二进 人工智能生成内容 金融 架构与原理 拓扑图 mm-wiki搭建 linux搭建mm-wiki mm-wiki搭建与使用 mm-wiki使用 mm-wiki详解 docker搭建pg docker搭建pgsql pg授权 postgresql使用 postgresql搭建 VLAN 企业网络 大模型面经 Ark-TS语言 匿名管道 基础环境 Attention hosts ubuntu20.04 开机黑屏 xml