大模型ReAct:思考与工具协同完成复杂任务推理
ReAct: Synergizing Reasoning and Acting in Language Models
Github:https://github.com/ysymyth/ReAct
一、动机
人类的认知通常具备一定的自我调节(self-regulation)和策略制定(strategization)的能力,对于解决一个复杂问题时,可以很自然地运用工作记忆(working memory)将任务相关的决策动作(actions)与思考推理(reasoning)相结合。
- 相邻的两个具体action之间,能够以自然语言的形式进行推理和进度追踪;
- 能够根据当前的状态及时调整策略;
- 能够自如地运用外部的工具;
- 能够根据推理的结果完成一些QA等;
This tight synergy between “acting” and “reasoning” allows humans to learn new tasks quickly and perform robust decision making or reasoning, even under previously unseen circumstances or facing information uncertainties.
虽然现如今诸如Chain-of-Thought(CoT)通过上下文提示的形式可以提高大语言模型step-by-step的推理能力,但是其依然属于静态的黑盒子,依靠其推理的结果很难与真实知识保持一致,且限制了推理过程中及时反应和知识更新的能力。从而可能引发推理过程中的幻觉问题。
虽然目前有一些工作在研究嵌入式reasoning,但还没有研究如何将推理和行动以协同的方式结合起来解决通用任务,以及这种结合是否比单独的推理或行动带来系统性的好处。
二、方法——ReAct
2.1 ReAct思想
本文提出ReAct,旨在通过提示的方式来让大语言模型能够协同Action和Reasoning。下图展示了ReAct的工作机制,挑选了两个例子(HotpotQA和AlfWold)并对比了其他三个Baseline(ICL、CoT、Act-only):
可发现,传统的ICL、CoT方法都不能够给出正确的答案,因为其没有运用Action来获得环境给予的反馈;Act-only则没有真正地将Action和Reasoning结合。
回顾一下Act-only的定义(类似强化学习中的过程),第 t t t时刻,Agent观察到当前的环境给予的反馈记作 o t ∈ O o_t\in\mathcal{O} ot∈O(其中 O \mathcal{O} O表示整个环境)后,做出一个动作记作 a t ∈ A a_t\in\mathcal{A} at∈A( A \mathcal{A} A表示动作空间),因此,Agent需要学习一个策略 π ( a t ∣ c t ) \pi(a_t|c_t) π(at∣ct),使得其能够在基于当前状态和历史行为序列 c t = ( o 1 , a 1 , ⋯ , o t − 1 , a t − 1 , o t ) c_t=(o_1, a_1, \cdots, o_{t-1}, a_{t-1}, o_t) ct=(o1,a1,⋯,ot−1,at−1,ot)的基础上给出合适的动作 a t a_t at。
ReAct的创新点在于,在动作空间中新增了一个基于自然语言的推理动作空间 L \mathcal{L} L,即 A ^ = A ∪ L \hat{\mathcal{A}}=\mathcal{A}\cup\mathcal{L} A^=A∪L。换句话说,Agent在某时刻除了可以直接执行一个实质性的Action a t a_t at以外,也可以触发Reasoning a ^ t \hat{a}_t a^t。而触发Reasoning其实不会影响到环境。
a thought a ^ t \hat{a}_t a^t aims to compose useful information by reasoning over the current context c t c_t ct, and update the context c t + 1 = ( c t , a ^ t ) c_{t+1} = (c_t, \hat{a}_t) ct+1=(ct,a^t) to support future reasoning or acting.
换句话说,ReAct是将Act-only额外扩展了Reasoning的动作。大语言模型在执行动作与外部环境进行交互的同时,能够及时的进行推理和思考,并基于这些思考及时地调整后续的Action。相比Act-only,这些Reasoning可以约束并优化可能存在错误或无法执行的Action。
如下图所示:
- 给定一个HotpotQA问题之后,大模型首先进行Thought1动作,即先进行思考和规划;
- 根据思考结果,执行Act1动作(搜索),并根据搜索结果获得反馈Obs1;
- 大模型即第二次触发思考动作Thought2,即根据搜索的结果进行分析和思考;
- 根据Thought2思考的结果,执行Act2,并获得Obs2反馈;
- 紧接着,大模型触发第三次思考Thought3;
- 基于Thought3,执行Act3并获得反馈Obs3;
- 最后,大模型触发第四次思考Thought4,并分析发现可以获得最终答案。
在这个例子中,Thought1的思考相当于规划,Thought2相当于抽取Obs1中的有价值信息;Thought3相当于调整Action,Thought4相当于总结并得出结论。试想一下,如果没有这些Reasoning的介入,可能执行道Act3就无法继续执行下去,从而引发幻觉。
2.2 ReAct Prompt
ReAct在具体实现时需要注意下面的一些情况。
(1)基于自然语言的推理动作空间 L \mathcal{L} L**通常是无限的,所以需要通过prompt进行一些约束。**即通过上下文提示来告诉大模型当前任务有哪些动作空间。
在ReAct中,针对不同的domain,设置了人工编写的In-Context Examplar。每个样本都是action-thought-observation序列。
以HotpotQA为例:
- 标准的ICL模式的prompt(6-shot)
- 只有Action(Act-only)的prompt(prompt过长,只展示1-shot)
- CoT的prompt(6-shot)
- ReAct的prompt(prompt过长,只展示1-shot)
因此,ReAct的运作本质上还是和CoT一样,只是以插入的形式交叉地添加了Act和Reasoning。
(2)Reasoning与Action的稀疏性
- 对于一些reasoning为主的任务(例如HotpotQA、数学运算等),Reasoning与Action是交替进行的;
- 对于一些决策类(Decision-making)任务,则还是以Action为主,不间断地插入少量的Reasoning Thought。
以上都是通过ICL exemplar来实现的。
2.3 ReAct应用在知识密集推理任务
包含两个任务:
- HotpotQA:基于wikipedia的多跳QA;
- FEVER:事实性验证,判断描述的事实是否符合真实性,包含SUPPORTS, REFUTES, or NOT ENOUGH INFO三个结果;
动作空间:
- search[entity]:调用wikipedia搜索引擎返回top-5个实体结果页面,或者返回与entity相关的top5个句子;
- lookup[string]:搜索包含当前string的页面的下一个句子;
- finish[answer]:结束推理并返回answer;
prompt如下所示:
prompt包含若干个thought-action-observation序列,且都是人工标注,每个序列都是按照预先设定的模式编写的:
- 规划类Thought固定格式为:“I need to search x, find y, then find z”;
- 从Obs中抽取信息的Thought:例如“x was started in 1844”, “The paragraph does not tell x”;
- 常识或数学推理的Thought:例如“x is not y, so z must instead be…”、“1844 < 1989”
- 指导进行搜索重构的Thought:“maybe I can search/look up x instead”;
- 得出最终结论的Thought:“…so the answer is x”
参数内知识与外部知识的结合
- 当ReAct超过一定步骤依然无法获得结果时,则退化为CoT+SC(Self-Consistency),利用参数内知识并进行投票来获得答案;
- 当Self-Consistency投票最多的答案依然没有过半数的,说明参数内知识不足与准确回答此问题,则升级为ReAct(涉及调用外部搜索知识)
ReAct与CoT在HotpotQA任务上执行情况如下表:
执行成功的所有任务中,ReAct达到94%的精度。
也有部分任务执行失败,其中大多数来自于推理错误、搜索结果错误或失败。也有一部分实质上预测的结果正确,但没有匹配到标签上。
2.4 Decision-making任务
挑选了ALFWorld和WebShop两个任务。prompt如下所示:
三、复现
以HotpotQA任务为例,测试样本如下所示:
{"question": "What government position was held by the woman who portrayed Corliss Archer in the film Kiss and Tell?", "answer": "Chief of Protocol", "type": "bridge"
}
因为HotpotQA需要涉及到搜索Wikipedia的环境,因此先定义WikiEnv。
import ast
import json
import time
import gym # reinforcement learning toolkit,用于与环境做交互的python工具包
import requests
from bs4 import BeautifulSoup # 访问http# import wikipediadef clean_str(p):return p.encode().decode("unicode-escape").encode("latin1").decode("utf-8")class textSpace(gym.spaces.Space):def contains(self, x) -> bool:"""Return boolean specifying if x is a valid member of this space."""return isinstance(x, str)class WikiEnv(gym.Env):def __init__(self):"""定义环境类Initialize the environment."""super().__init__()self.page = None # current Wikipedia pageself.obs = None # current observationself.lookup_keyword = None # current lookup keywordself.lookup_list = None # list of paragraphs containing current lookup keywordself.lookup_cnt = None # current lookup indexself.steps = 0 # current number of stepsself.answer = None # current answer from the agentself.observation_space = self.action_space = textSpace()self.search_time = 0self.num_searches = 0def _get_obs(self):return self.obsdef _get_info(self):return {"steps": self.steps, "answer": self.answer}def reset(self, seed=None, return_info=False, options=None):# We need the following line to seed self.np_random# super().reset(seed=seed)self.obs = ("Interact with Wikipedia using search[], lookup[], and ""finish[].\n")self.page = Noneself.lookup_keyword = Noneself.lookup_list = Noneself.lookup_cnt = Noneself.steps = 0self.answer = Noneobservation = self._get_obs()info = self._get_info()return (observation, info) if return_info else observationdef construct_lookup_list(self, keyword):# lookup action:用于寻找符合keyword的next sentence# find all paragraphsif self.page is None:return []paragraphs = self.page.split("\n")paragraphs = [p.strip() for p in paragraphs if p.strip()]# find all sentencesentences = []for p in paragraphs:sentences += p.split('. ')sentences = [s.strip() + '.' for s in sentences if s.strip()]parts = sentencesparts = [p for p in parts if keyword.lower() in p.lower()]return parts@staticmethoddef get_page_obs(page):# find all paragraphsparagraphs = page.split("\n")paragraphs = [p.strip() for p in paragraphs if p.strip()]# find all sentencesentences = []for p in paragraphs:sentences += p.split('. ')sentences = [s.strip() + '.' for s in sentences if s.strip()]return ' '.join(sentences[:5])# ps = page.split("\n")# ret = ps[0]# for i in range(1, len(ps)):# if len((ret + ps[i]).split(" ")) <= 50:# ret += ps[i]# else:# break# return retdef search_step(self, entity):# search action:执行搜索entity的动作# 解析wikipedia页面entity_ = entity.replace(" ", "+")search_url = f"https://en.wikipedia.org/w/index.php?search={entity_}"old_time = time.time()response_text = requests.get(search_url).textself.search_time += time.time() - old_timeself.num_searches += 1soup = BeautifulSoup(response_text, features="html.parser")result_divs = soup.find_all("div", {"class": "mw-search-result-heading"})if result_divs: # mismatchself.result_titles = [clean_str(div.get_text().strip()) for div in result_divs]self.obs = f"Could not find {entity}. Similar: {self.result_titles[:5]}."else:page = [p.get_text().strip() for p in soup.find_all("p") + soup.find_all("ul")]if any("may refer to:" in p for p in page):self.search_step("[" + entity + "]")else:self.page = ""for p in page:if len(p.split(" ")) > 2:self.page += clean_str(p)if not p.endswith("\n"):self.page += "\n"self.obs = self.get_page_obs(self.page)self.lookup_keyword = self.lookup_list = self.lookup_cnt = Nonedef step(self, action):# 调用此方法,根据action的类别,选择执行相应的动作# search entity,则调用self.search_step# lookup,则调用self.construct_lookup_list、reward = 0done = Falseaction = action.strip()if self.answer is not None: # already finisheddone = Truereturn self.obs, reward, done, self._get_info()if action.startswith("search[") and action.endswith("]"):entity = action[len("search["):-1]# entity_ = entity.replace(" ", "_")# search_url = f"https://en.wikipedia.org/wiki/{entity_}"self.search_step(entity)elif action.startswith("lookup[") and action.endswith("]"):keyword = action[len("lookup["):-1]if self.lookup_keyword != keyword: # reset lookupself.lookup_keyword = keywordself.lookup_list = self.construct_lookup_list(keyword)self.lookup_cnt = 0if self.lookup_cnt >= len(self.lookup_list):self.obs = "No more results.\n"else:self.obs = f"(Result {self.lookup_cnt + 1} / {len(self.lookup_list)}) " + self.lookup_list[self.lookup_cnt]self.lookup_cnt += 1elif action.startswith("finish[") and action.endswith("]"):answer = action[len("finish["):-1]self.answer = answerdone = Trueself.obs = f"Episode finished, reward = {reward}\n"elif action.startswith("think[") and action.endswith("]"):self.obs = "Nice thought."else:self.obs = "Invalid action: {}".format(action)self.steps += 1return self.obs, reward, done, self._get_info()def get_time_info(self):speed = self.search_time / self.num_searches if self.num_searches else 0return {"call_speed": speed,"call_time": self.search_time,"num_calls": self.num_searches,}
定义一个Wrapper,将与HotpotQa相关的信息进行封装,包括环境等。
class HotPotQAWrapper(gym.Wrapper):def __init__(self, env, split):super().__init__(env)data_file = f"{DATA_DIR}/{HOTPOTQA_SPLIT_FILE[split]}"self.data = json.load(open(data_file))self.data = [(d['question'], d['answer']) for d in self.data]self.data_idx = 0self.split = splitdef reset(self, seed=None, return_info=False, options=None, idx=None):self.env.reset(seed=seed, return_info=return_info, options=options)try:self.env.step('')except:passself.env.reset(seed=seed, return_info=return_info, options=options)self.data_idx = int(np.random.randint(len(self.data))) if idx is None else idxobservation = f"Question: {self.data[self.data_idx][0]}"info = self._get_info()return (observation, info) if return_info else observationdef _get_info(self):return {"steps": self.steps, "answer": self.answer,"question": self.data[self.data_idx][0], "hotpot_split": self.split}def get_reward(self, info):if info['answer'] is not None:pred = normalize_answer(self.data[self.data_idx][1])gt = normalize_answer(info['answer'])score = (pred == gt)return int(score)return 0def get_metrics(self, info):if info['answer'] is not None:pred = normalize_answer(self.data[self.data_idx][1])gt = normalize_answer(info['answer'])em = (pred == gt)f1 = f1_score(pred, gt)[0]return {'reward': em, 'em': em, 'f1': f1}return {'reward': 0, 'em': 0, 'f1': 0}def step(self, action):# TODO: first step obs does not have question. obs, _, done, info = self.env.step(action)reward = self.get_reward(info) # 这里的reward认为是适配gym框架所需,实际上可以直接用evaluation(例如acc等)做代替if done:obs = f"Episode finished, reward = {reward}\n"info.update({"gt_answer": self.data[self.data_idx][1], "question_idx": self.data_idx})info.update(self.get_metrics(info))return obs, reward, done, infodef __len__(self):return len(self.data)
定义好了Wrapper和Env,下面进行ReAct的调用
- 配置好LLM、env和wrapper:
import os
import openai
import wikienv, wrappersenv = wikienv.WikiEnv()
env = wrappers.HotPotQAWrapper(env, split="dev")
env = wrappers.LoggingWrapper(env)openai.api_key = os.environ["OPENAI_API_KEY"]def llm(prompt, stop=["\n"]):response = openai.Completion.create(model="text-davinci-002",prompt=prompt,temperature=0,max_tokens=100,top_p=1,frequency_penalty=0.0,presence_penalty=0.0,stop=stop)return response["choices"][0]["text"]def step(env, action):attempts = 0while attempts < 10:try:return env.step(action)except requests.exceptions.Timeout:attempts += 1
- ReAct核心代码
import json
import sys
import random
import time
idxs = list(range(7405)) # 所有任务
random.Random(233).shuffle(idxs) # 打乱顺序# 先获得In-Context Exemplar,构建prompt
folder = './prompts/'
prompt_file = 'prompts_naive.json'
with open(folder + prompt_file, 'r') as f:prompt_dict = json.load(f)webthink_examples = prompt_dict['webthink_simple6']
instruction = """Solve a question answering task with interleaving Thought, Action, Observation steps. Thought can reason about the current situation, and Action can be three types:
(1) Search[entity], which searches the exact entity on Wikipedia and returns the first paragraph if it exists. If not, it will return some similar entities to search.
(2) Lookup[keyword], which returns the next sentence containing keyword in the current passage.
(3) Finish[answer], which returns the answer and finishes the task.
Here are some examples.
"""
# Instruction+In-Context Exemplar
webthink_prompt = instruction + webthink_examplesdef webthink(idx=None, prompt=webthink_prompt, to_print=True):# 给定一个编号为idx的的question,重置当前的环境question = env.reset(idx=idx)if to_print:print(idx, question)prompt += question + "\n" # 设置好promptn_calls, n_badcalls = 0, 0# 一个任务,最多调用LLM8次。for i in range(1, 8):n_calls += 1# 根据当前的prompt(这个prompt可以是最开始的ICL+指令,也可以是经过几轮之后的动作序列)进行思考(reasoning thought),大模型生成一些actionthought_action = llm(prompt + f"Thought {i}:", stop=[f"\nObservation {i}:"])try:thought, action = thought_action.strip().split(f"\nAction {i}: ")except:print('ohh...', thought_action)n_badcalls += 1n_calls += 1thought = thought_action.strip().split('\n')[0]action = llm(prompt + f"Thought {i}: {thought}\nAction {i}:", stop=[f"\n"]).strip()# 根据action,在环境中执行一个动作,并获得observation# 这里的step()会根据action的类型,执行包括search、lookup等调用外部工具的动作。obs, r, done, info = step(env, action[0].lower() + action[1:])obs = obs.replace('\\n', '')# 将Thought、Action和Obs重新规约到一个prompt里,并与之前的prompt进行拼接step_str = f"Thought {i}: {thought}\nAction {i}: {action}\nObservation {i}: {obs}\n"prompt += step_strif to_print:print(step_str)if done:breakif not done:obs, r, done, info = step(env, "finish[]")if to_print:print(info, '\n')info.update({'n_calls': n_calls, 'n_badcalls': n_badcalls, 'traj': prompt})return r, infors = []
infos = []
old_time = time.time()
for i in idxs[:500]:# 对当前第idx个任务进行推理r, info = webthink(i, to_print=True)rs.append(info['em'])infos.append(info)print(sum(rs), len(rs), sum(rs) / len(rs), (time.time() - old_time) / len(rs))print('-----------')print()
分析
- ReAct是比较早期的让大模型完成Agent的工作,即Action与Reasoning相结合。但不同于现如今的LLMAgent,即需要有一个明显的pipeline。ReAct只是通过一个任务相关的静态的ICL prompt来引导大模型完成Agent的工作,并没有设置非常详细且明显的流程,例如planning、retrieving from memory、tool use、self-correction等;
- 动作空间是有限的,外部工具的调用也是有限的,当外部工具或者可执行的动作非常多的时候,可能不太适用;
- 启发:可通过prompt来实现定义好这个任务需要结合reasoning和action(工具调用);在具体的推理过程中,如果涉及到工具的调用,可以通过tool retriever的形式来选择合适的工具,而不是ReAct中为每个工具单独写死了逻辑实现。
- 外部工具的调用目前可以抽象为两种,一种是先planing,再根据planing的每个step action决定是reasoning还是检索并使用工具;另一种是以Tree-of-thought、ToolLLM为代表的直接列出所有可能的reasoning和工具列表,通过树搜索的形式选择一个路径。本文的ReAct属于第一种,只不过planing的过程不是单独的pipeline,而是统一到prompt中并以类似多轮对话的形式实现,其次planing的结果很固定,形如“I need to search x, find y, then find z”的格式。
相关文章:

大模型ReAct:思考与工具协同完成复杂任务推理
ReAct: Synergizing Reasoning and Acting in Language Models Github:https://github.com/ysymyth/ReAct 一、动机 人类的认知通常具备一定的自我调节(self-regulation)和策略制定(strategization)的能力࿰…...
深入了解银行核心账务系统及其测试的重要性
在数字化金融时代,银行的核心账务系统是保证银行业务稳定、安全运行的关键所在。这些系统,如核心账务系统、总账系统和财务会计管理系统,宛如银行的“中枢神经”,掌控着资金的流动和账务的处理。无论是存款、取款、贷款还是转账&a…...
实习公司内部OA系统项目经验
文章目录 前言一、请介绍一下你实习所做的项目?二、你觉得你项目的难点有哪些?三、你这个考勤打卡功能可以详细介绍一下吗1. 功能需求分析2. 系统设计与架构3. 数据库设计4. 具体实现5. 测试与优化四、Redis缓存技术用到哪里了请详细介绍一下1.应用场景2.缓存设计3.具体实现4…...

Ansys Zemax|在设计抬头显示器(HUD)时需要使用哪些工具?
附件下载 联系工作人员获取附件 汽车抬头显示器或汽车平视显示器,也被称为HUD,是在汽车中显示数据的透明显示器,不需要用户低头就能看到他们需要的重要资讯。这个名字的由来是由于该技术能够让飞行员在头部“向上”并向前看的情况下查看信息…...
Linux系统移动光标类命令
天行健,君子以自强不息;地势坤,君子以厚德载物。 每个人都有惰性,但不断学习是好好生活的根本,共勉! 文章均为学习整理笔记,分享记录为主,如有错误请指正,共同学习进步。…...

Vitis Accelerated Libraries 学习笔记--Vision 库的组织结构
1. 简介 Vision 库的组织结构如下: ├── L1/ │ ├── README.md │ ├── examples/ │ ├── include/ │ ├── lib/ │ └── tests/ ├── L2/ │ ├── README.md │ ├── examples/ │ └── tests/ ├── L3/ │ ├── R…...

HTML+CSS 彩色浮雕按钮
效果演示 实现了一个彩色按钮特效,包括一个按钮(button)和一个前景色(::before)。按钮具有四种不同的颜色,当鼠标悬停在按钮上时,前景色会出现渐变效果,并且按钮的颜色、文本阴影和边…...

ChatBI开源实现: 基于SuperSonic的AI+BI的产品设计
产品起源 为什么要做这样的产品?文章《ChatBI开源实现: AIBI的产品设计》中有介绍 为什么要自己做这样的产品?1、低成本试错;2、未来数据生态入口; 为什么要基于Supersonic做? 开源协议友好:可魔改商用 社区…...

【嵌入式Linux】i.MX6ULL 外部中断服务函数的初始化
文章目录 1. Cortex-A7 中断系统1.1 分析1.2 具体处理流程 2. 外部中断服务函数的初始化2.1 基本流程分析2.2 具体代码分析2.2.1. 定义中断处理类型和结构体2.2.2. 初始化中断系统2.2.3. 注册中断处理函数2.2.4. 具体的中断处理逻辑2.2.5. 默认的中断处理函数 3. 完整代码 本文…...

线性代数、矩阵计算
一、线性代数 1、对于向量,若a是标量,为a的绝对值乘以b的向量长度。 2、点乘 3、范数:向量或者矩阵的长度 L1范数:(对向量)每个元素的绝对值求和 L2范数:(对向量)torch.…...
PostgreSQL 高级功能(五)
1. 存储过程与函数 1.1 创建存储过程 存储过程是一组预编译的SQL语句,可以简化复杂的操作。以下是一个简单的存储过程示例: CREATE OR REPLACE FUNCTION add_user(username VARCHAR, email VARCHAR) RETURNS VOID AS $$ BEGININSERT INTO users (use…...

食品企业仓储式批发零售一体化解决方案
食品企业需要有效应对日益复杂的市场挑战和消费者需求的快速变化的挑战并提升市场竞争力,仓储式类的批发零售一体化需求应运而生。这一全新的商业模式不仅整合了传统的批发和零售模式,还优化了供应链管理和客户体验,成为食品行业发展的新引擎…...
chrome插件,修改对应URL的http请求的header头,包括ajax请求
要创建一个可以灵活修改HTTP请求头的Chrome扩展,包括一个用户界面来动态设置头部名称和值,可以按照以下步骤进行。我们会用到 chrome.storage API 来保存用户的设置,并在后台脚本中使用这些设置来修改请求头。 文件结构 my_chrome_extensio…...

C语言 | Leetcode C语言题解之第191题位1的个数
题目: 题解: int hammingWeight(uint32_t n) {int ret 0;while (n) {n & n - 1;ret;}return ret; }...

【C++11(二)】lambda表达式和可变参数模板
一、可变参数模板 C11的新特性可变参数模板 能够让您创建可以接受 可变参数的函数模板和类模板 // Args是一个模板参数包,args是一个函数形参参数包 // 声明一个参数包Args...args,这个参数包中可以包含0到任意个模板参数。 template <class ...Arg…...

昇思25天学习打卡营第2天|张量Tensor
张量Tensor 创建张量张量的属性张量索引张量运算 稀疏张量 总结 简单讲讲张量,数学和物理学界以一种方式定义张量,机器学习上则是以另一种方式定义张量,这里的张量也与神经网络联系紧密,神经网络需要进行大量的数学计算࿰…...

[leetcode]valid-triangle-number. 有效三角形的个数
. - 力扣(LeetCode) class Solution { public:int triangleNumber(vector<int>& nums) {int n nums.size();sort(nums.begin(), nums.end());int ans 0;for (int i 0; i < n; i) {for (int j i 1; j < n; j) {int left j 1, righ…...
java SQL server 多实例的情况
而对于java,对付多个数据库实例就有些要注意的了: 首先,同样连接字符串上加上“\实例名”: jdbc:sqlserver://127.0.0.1\\mssqlserver2008;DatabaseNameLPT; 此处应去掉端口1433。因为连接数据库自命名实例的url中没有端口号1433…...

html--404页面
<!DOCTYPE html> <html> <head> <meta http-equiv"Content-Type" content"text/html; charsetUTF-8"> <meta http-equiv"X-UA-Compatible" content"IEedge,chrome1"> <title>404 错误页面不存在&…...

[word] Word如何删除所有的空行? #职场发展#学习方法
Word如何删除所有的空行? 很多网友从网页复制文字粘贴到word文档后发现段落之间有空行,如果文字不多,手动删除这些空行也没有多少工作量,但是如果文字的字数达到成千上万,一个个手动删除这些空行还是很繁琐的。那么&a…...

AI-调查研究-01-正念冥想有用吗?对健康的影响及科学指南
点一下关注吧!!!非常感谢!!持续更新!!! 🚀 AI篇持续更新中!(长期更新) 目前2025年06月05日更新到: AI炼丹日志-28 - Aud…...

深入剖析AI大模型:大模型时代的 Prompt 工程全解析
今天聊的内容,我认为是AI开发里面非常重要的内容。它在AI开发里无处不在,当你对 AI 助手说 "用李白的风格写一首关于人工智能的诗",或者让翻译模型 "将这段合同翻译成商务日语" 时,输入的这句话就是 Prompt。…...
ubuntu搭建nfs服务centos挂载访问
在Ubuntu上设置NFS服务器 在Ubuntu上,你可以使用apt包管理器来安装NFS服务器。打开终端并运行: sudo apt update sudo apt install nfs-kernel-server创建共享目录 创建一个目录用于共享,例如/shared: sudo mkdir /shared sud…...

JavaScript 中的 ES|QL:利用 Apache Arrow 工具
作者:来自 Elastic Jeffrey Rengifo 学习如何将 ES|QL 与 JavaScript 的 Apache Arrow 客户端工具一起使用。 想获得 Elastic 认证吗?了解下一期 Elasticsearch Engineer 培训的时间吧! Elasticsearch 拥有众多新功能,助你为自己…...

安宝特方案丨XRSOP人员作业标准化管理平台:AR智慧点检验收套件
在选煤厂、化工厂、钢铁厂等过程生产型企业,其生产设备的运行效率和非计划停机对工业制造效益有较大影响。 随着企业自动化和智能化建设的推进,需提前预防假检、错检、漏检,推动智慧生产运维系统数据的流动和现场赋能应用。同时,…...
django filter 统计数量 按属性去重
在Django中,如果你想要根据某个属性对查询集进行去重并统计数量,你可以使用values()方法配合annotate()方法来实现。这里有两种常见的方法来完成这个需求: 方法1:使用annotate()和Count 假设你有一个模型Item,并且你想…...

新能源汽车智慧充电桩管理方案:新能源充电桩散热问题及消防安全监管方案
随着新能源汽车的快速普及,充电桩作为核心配套设施,其安全性与可靠性备受关注。然而,在高温、高负荷运行环境下,充电桩的散热问题与消防安全隐患日益凸显,成为制约行业发展的关键瓶颈。 如何通过智慧化管理手段优化散…...

ardupilot 开发环境eclipse 中import 缺少C++
目录 文章目录 目录摘要1.修复过程摘要 本节主要解决ardupilot 开发环境eclipse 中import 缺少C++,无法导入ardupilot代码,会引起查看不方便的问题。如下图所示 1.修复过程 0.安装ubuntu 软件中自带的eclipse 1.打开eclipse—Help—install new software 2.在 Work with中…...

k8s业务程序联调工具-KtConnect
概述 原理 工具作用是建立了一个从本地到集群的单向VPN,根据VPN原理,打通两个内网必然需要借助一个公共中继节点,ktconnect工具巧妙的利用k8s原生的portforward能力,简化了建立连接的过程,apiserver间接起到了中继节…...

华为云Flexus+DeepSeek征文|DeepSeek-V3/R1 商用服务开通全流程与本地部署搭建
华为云FlexusDeepSeek征文|DeepSeek-V3/R1 商用服务开通全流程与本地部署搭建 前言 如今大模型其性能出色,华为云 ModelArts Studio_MaaS大模型即服务平台华为云内置了大模型,能助力我们轻松驾驭 DeepSeek-V3/R1,本文中将分享如何…...