MetaGPT-DataInterpreter源码解读

MetaGPT-DataInterpreter源码解读

MetaGPT 是一种多智能体框架,其利用SOP(Standard Operating Procedures)来协调多智能体系统。即:多智能体=智能体+环境+标准流程(SOP)+通信+经济

DataInterpreter :简单三行代码,即可完成用户requirement任务

from metagpt.roles.di.data_interpreter import DataInterpreter
mi = DataInterpreter(use_reflection=True, tools=["<all>"])
mi.run(requirement)

machine_learning

from metagpt.roles.di.data_interpreter import DataInterpreter
Role
BaseModel
ContextMixin
SerializationMixin
DataInterpreter
DataInterpreter
mi = DataInterpreter() # 实例化方法
DataInterpreter(private_context=None, 
private_config=None, 
private_llm=<metagpt.provider.openai_api.OpenAILLM object at 0x7fa432f2cc40>,name='David', profile='DataInterpreter', goal='', constraints='', desc='', is_human=False, role_id='', states =  ["0. <class 'metagpt.actions.di.write_analysis_code.WriteAnalysisCode'>"],
actions=  [WriteAnalysisCode], rc = RoleContext(env=None, msg_buffer=MessageQueue(),memory=Memory(storage=[], index=defaultdict(<class 'list'>, {}), ignore_id=False),                       			         working_memory=Memory(storage=[], index=defaultdict(<class 'list'>, {}), ignore_id=False), state=0, todo=WriteAnalysisCode, watch={'metagpt.actions.add_requirement.UserRequirement'},news=[], react_mode='plan_and_act',max_react_loop=1), addresses={'David', 'metagpt.roles.di.data_interpreter.DataInterpreter'},planner=Planner(plan=Plan(  goal='', context='', tasks=[], task_map={}, current_task_id=''),working_memory=Memory(storage=[], index=defaultdict(<class 'list'>, {}), ignore_id=False),auto_run=True),recovered=False, latest_observed_msg=None, auto_run=True, use_plan=True, use_reflection=False, execute_code=ExecuteNbCode,
tools=[],
tool_recommender=None, react_mode='plan_and_act', max_react_loop=1
)

上述展示 DataInterpreter 组成,首先补充下pydantic 基础知识点:

@model_validator(mode=“wrap”)

  • 验证器方法需要接受两个参数:cls(类本身)和 value(要验证的值)
  • 可以在自定义逻辑中决定是否调用默认的 handler 方法来继续验证过程
  • 允许在默认验证之前和之后执行自定义逻辑

@model_validator(mode=“after”):

  • 验证器方法只需要接受一个参数:value(已经通过默认验证的值)
  • 验证器方法通常以 self 作为第一个参数,表示模型实例本身
  • 这种模式下的验证器会在 Pydantic 的默认字段验证逻辑之后执行。

@model_validator(mode=“before”)

  • 这种模式下的验证器会在 Pydantic 的默认字段验证逻辑之前执行

  • 验证器方法通常以 cls 作为第一个参数,表示模型类本身

  • 这种模式适用于类方法,因为它们在类级别上操作,可以在创建实例之前对类进行操作

  • 要点1:SerializationMixin(BaseModel, extra="forbid")

        @model_validator(mode="wrap")@classmethoddef __convert_to_real_type__(cls, value: Any, handler):# ... 方法实现 ...
    
    • @model_validator(mode="wrap") 装饰器用于自定义 Pydantic 模型的验证和设置过程。
    • 这个类方法用于在反序列化过程中将字典转换回正确的子类实例。
    • 如果输入值不是一个字典,或者不包含 __module_class_name 字段,它会使用默认的处理程序来处理值。
    • 如果 __module_class_name 存在,它会查找这个名称对应的类类型,并使用这个类来实例化对象。

    **不是很理解:**这段代码通过自定义序列化和反序列化过程,实现了对多态类的支持。在序列化时,它会将类类型信息添加到输出中;在反序列化时,它使用这些信息来创建正确的子类实例;

  • 要点2:DataInterpreter(Role)

    class DataInterpreter(Role):name: str = "David"profile: str = "DataInterpreter"auto_run: bool = Trueuse_plan: bool = Trueuse_reflection: bool = Falseexecute_code: ExecuteNbCode = Field(default_factory=ExecuteNbCode, exclude=True)tools: list[str] = []  # Use special symbol ["<all>"] to indicate use of all registered toolstool_recommender: ToolRecommender = Nonereact_mode: Literal["plan_and_act", "react"] = "plan_and_act"max_react_loop: int = 10  # used for react mode@model_validator(mode="after")def set_plan_and_tool(self) -> "Interpreter":self._set_react_mode(react_mode=self.react_mode, max_react_loop=self.max_react_loop, auto_run=self.auto_run)self.use_plan = (self.react_mode == "plan_and_act")  # create a flag for convenience, overwrite any passed-in valueif self.tools and not self.tool_recommender:self.tool_recommender = BM25ToolRecommender(tools=self.tools)self.set_actions([WriteAnalysisCode])self._set_state(0)return self
    

    如果采用plan_and_act 模式,引入规划器planner

    self.planner = Planner(goal=self.goal, working_memory=self.rc.working_memory, auto_run=auto_run)
    

    Planner : 3 个字段分别是 planworking_memoryauto_run

    class Planner(BaseModel):plan: Planworking_memory: Memory = Field(default_factory=Memory)  # memory for working on each task, discarded each time a task is doneauto_run: bool = Falsedef __init__(self, goal: str = "", plan: Plan = None, **kwargs):plan = plan or Plan(goal=goal)super().__init__(plan=plan, **kwargs)
    

    plan 字段也是个类实例,具有的字段如下:

    class Plan(BaseModel):goal: strcontext: str = ""tasks: list[Task] = []task_map: dict[str, Task] = {}current_task_id: str = ""
    

    Roleset_actions 中有段代码如下:

    for action in actions:if not isinstance(action, Action):i = action(context=self.context)else:'''pass'''self._init_action(i)
    

    self.contextContextMixin 类中一个方法,返回是 Context() 对象实例;

  • 要点3:Action(SerializationMixin, ContextMixin, BaseModel)

    class Action(SerializationMixin, ContextMixin, BaseModel):model_config = ConfigDict(arbitrary_types_allowed=True)name: str = ""i_context: Union[dict, CodingContext, CodeSummarizeContext, TestingContext, RunCodeContext, CodePlanAndChangeContext, str, None ] = ""prefix: str = ""  # aask*时会加上prefix,作为system_messagedesc: str = ""  # for skill managernode: ActionNode = Field(default=None, exclude=True)
    

    **字段验证:**先执行 Action 里字段验证,mode=“before” 字段从后向前验证;

        @model_validator(mode="before")@classmethoddef set_name_if_empty(cls, values):if "name" not in values or not values["name"]:values["name"] = cls.__name__return values@model_validator(mode="before")@classmethoddef _init_with_instruction(cls, values):if "instruction" in values:name = values["name"]i = values.pop("instruction")values["node"] = ActionNode(key=name, expected_type=str, instruction=i, example="", schema="raw")return values

    这里验证values 值到底是什么?其实校验就是上述的 self.context

    **字段验证:**后执行 ContextMixin 里字段验证,mode=“after” 字段从前向后验证;

        @model_validator(mode="after")def validate_context_mixin_extra(self):self._process_context_mixin_extra()return selfdef _process_context_mixin_extra(self):"""Process the extra field"""kwargs = self.model_extra or {}self.set_context(kwargs.pop("context", None))self.set_config(kwargs.pop("config", None))self.set_llm(kwargs.pop("llm", None))def set(self, k, v, override=False):"""Set attribute"""if override or not self.__dict__.get(k):self.__dict__[k] = v

    打印下 self.__dict__

    {'private_context': Context(kwargs=AttrD...': 0.0}})), 'private_config': None, 'private_llm': None, 'name': 'WriteAnalysisCode', 'i_context': '', 'prefix': '', 'desc': '', 'node': None}
    

    _init_action 中 追加 Action 字段的 private_llmprefix

run 方法:

mi.run(requirement)
  • 要点1:run 函数使用异步编程并被role_raise_decorator 装饰(用于处理在异步函数执行过程中可能出现的异常);

    @role_raise_decorator
    async def run(self, with_message=None) -> Message | None:"""Observe, and think and act based on the results of the observation"""
    
    def role_raise_decorator(func):async def wrapper(self, *args, **kwargs):try:return await func(self, *args, **kwargs)except KeyboardInterrupt as kbi:logger.error(f"KeyboardInterrupt: {kbi} occurs, start to serialize the project")if self.latest_observed_msg:self.rc.memory.delete(self.latest_observed_msg)# raise again to make it captured outsideraise Exception(format_trackback_info(limit=None))except Exception as e:if self.latest_observed_msg:logger.warning("There is a exception in role's execution, in order to resume, ""we delete the newest role communication message in the role's memory.")# remove role newest observed msg to make it observed againself.rc.memory.delete(self.latest_observed_msg)# raise again to make it captured outsideif isinstance(e, RetryError):last_error = e.last_attempt._exceptionname = any_to_str(last_error)if re.match(r"^openai\.", name) or re.match(r"^httpx\.", name):raise last_errorraise Exception(format_trackback_info(limit=None))return wrapper
    

    这段代码的结构和各个部分的功能如下:

    1. try块中,调用原始的异步函数func,并使用await来等待其完成。
    2. 如果在执行func时捕获到KeyboardInterrupt异常(通常由用户按Ctrl+C触发),代码将记录一个错误日志,并删除角色的最新观察消息self.latest_observed_msg,然后重新抛出一个异常。调用的是traceback.format_exc(limit=limit),这是一个用于获取当前异常的堆栈跟踪信息的函数。
    3. 如果异常是RetryError,它将检查最后的错误类型,如果错误与openaihttpx相关,则抛出这个最后的错误。如果异常不是RetryError或者最后的错误与openaihttpx无关,代码将重新抛出一个异常,并包含完整的堆栈跟踪信息。
  • 要点2:Message 解读:

    class Message(BaseModel):"""list[<role>: <content>]"""id: str = Field(default="", validate_default=True)  # According to Section 2.2.3.1.1 of RFC 135content: strinstruct_content: Optional[BaseModel] = Field(default=None, validate_default=True)role: str = "user"  # system / user / assistantcause_by: str = Field(default="", validate_default=True)sent_from: str = Field(default="", validate_default=True)send_to: set[str] = Field(default={MESSAGE_ROUTE_TO_ALL}, validate_default=True)
    

    Message 类具有多个字段,包括 idcontentinstruct_contentrolecause_bysent_fromsend_to, 使用 Pydantic 的功能来提供类型注解和验证。

    Field(default=None, validate_default=True): 默认值为 None,并且即使它是默认值,也会进行验证。

        def __init__(self, content: str = "", **data: Any):data["content"] = data.get("content", content)super().__init__(**data)
    

    一旦基类初始化完成,Pydantic 会根据 @field_validator 装饰器指定的顺序执行校验函数。

     @field_validator("id", mode="before")@classmethoddef check_id(cls, id: str) -> str:return id if id else uuid.uuid4().hex@field_validator("instruct_content", mode="before")@classmethoddef check_instruct_content(cls, ic: Any) -> BaseModel:       pass
    

    mode="before" 的情况下,这些校验函数会在字段值被最终赋值给实例属性之前执行,这样可以确保所有的校验逻辑都在属性被设置之前完成。

    user: Run data analysis on sklearn Wine recognition dataset, include a plot, and train a model to predict wine class (20% as validation), and show validation accuracy.
    cause_by:  'metagpt.actions.add_requirement.UserRequirement'
    content:
    'Run data analysis on sklearn Wine recognition dataset, include a plot, and train a model to predict wine class (20% as validation), and show validation accuracy.'
    id:  '39defc4ed634430e9e87893a60557bc3'
    instruct_content: None
    role: 'user'
    send_to: {'<all>'}
    sent_from: ''
    
  • 要点3:RoleContext 解读:

    class RoleContext(BaseModel):"""Role Runtime Context"""model_config = ConfigDict(arbitrary_types_allowed=True)# # env exclude=True to avoid `RecursionError: maximum recursion depth exceeded in comparison`env: "Environment" = Field(default=None, exclude=True)  # # avoid circular import# TODO judge if ser&desermsg_buffer: MessageQueue = Field(default_factory=MessageQueue, exclude=True)  # Message Buffer with Asynchronous Updatesmemory: Memory = Field(default_factory=Memory)# long_term_memory: LongTermMemory = Field(default_factory=LongTermMemory)working_memory: Memory = Field(default_factory=Memory)state: int = Field(default=-1)  # -1 indicates initial or termination state where todo is Nonetodo: Action = Field(default=None, exclude=True)watch: set[str] = Field(default_factory=set)news: list[Type[Message]] = Field(default=[], exclude=True)  # TODO not usedreact_mode: RoleReactMode = (RoleReactMode.REACT)  # see `Role._set_react_mode` for definitions of the following two attributesmax_react_loop: int = 1
    
    1. RoleContext 类是一个用于创建具有多个属性的数据模型,包括环境、消息缓冲区、记忆、状态、待办动作、监听、新消息、回应模式和最大反应循环次数。

    2. exclude=True 参数是 Field 装饰器的一个选项,用于控制模型序列化时的行为。当一个字段被标记为 exclude=True 时,它在默认情况下不会出现在模型的 JSON 序列化结果中。这可以用于隐藏敏感信息或不需要传输的字段。例如:

      rc = RoleContext()
      print(rc.json) # 设置 exclude 参数的字段不会被序列化
      
    3. arbitrary_types_allowed=Truemodel_config 中的一个配置选项,它允许模型中使用任意类型的对象作为属性值。设置 arbitrary_types_allowed=True,那么 Pydantic 将不会对未知类型的对象进行校验,而是直接允许它们作为模型属性的值。

    4. msg_buffer: 这是一个 MessageQueue 类型的字段,用于存储消息缓冲区;

      class MessageQueue(BaseModel):"""Message queue which supports asynchronous updates."""model_config = ConfigDict(arbitrary_types_allowed=True)_queue: Queue = PrivateAttr(default_factory=Queue)
      

      该类提供多种方法:pushpoppop_alldumploadempty 方法;

    5. memory: Memory = Field(default_factory=Memory) 这是一个 Memory 类型的字段,用于存储角色的记忆。

      class Memory(BaseModel):"""The most basic memory: super-memory"""storage: list[SerializeAsAny[Message]] = []index: DefaultDict[str, list[SerializeAsAny[Message]]] = Field(default_factory=lambda: defaultdict(list))ignore_id: bool = False
      
      • storage: list[SerializeAsAny[Message]] = [] 这是一个列表类型的字段,用于存储 Message 类型的实例。SerializeAsAny 可能是一个自定义的类型转换器,它允许 Message 类型的实例在序列化时被转换为一个可序列化的形式。

      • index: DefaultDict[str, list[SerializeAsAny[Message]]] = Field(default_factory=lambda: defaultdict(list)) 这是一个 DefaultDict 类型的字段,用于存储消息的索引。DefaultDict 是一个特殊的字典,当访问一个不存在的键时,它会自动创建一个默认值。在这个例子中,默认值是一个空列表。这个索引字典的键是字符串类型,值是一个 SerializeAsAny[Message] 类型的列表,用于存储与特定键相关联的消息。这个字段使用了 Field 装饰器,并且使用了一个 lambda 函数作为默认工厂,这个 lambda 函数返回一个空的 DefaultDict

      • ignore_id: bool = False 这是一个布尔类型的字段,用于表示是否忽略消息的 ID。默认值为 False,意味着消息的 ID 会被考虑在内

        该类提供多种方法:addadd_batchget_by_roleget_by_contentdelete_newestdeleteclearcounttry_remembergetfind_newsget_by_actionget_by_actions 方法;

    6. default_factory

    使用 default_factory 可以确保每次创建模型实例时,可选字段都会被赋予一个新创建的默认实例,而不是共享同一个实例。这对于可变数据类型(如列表、字典)尤其重要;

    1. news: list[Type[Message]] = Field(default=[], exclude=True) 这是一个 Message 类型的列表字段,用于存储角色的新消息;

      从消息缓冲区 msg_buffer 拿到所有未处理的消息 Message , 后放置在特定 Rolememory 里, 根据规则过滤感兴趣的消息,放在news 里;(这些消息要么是由 self.rc.watch 中的某些内容导致的,要么是发送给 self.name 的。此外,这些消息不能在 old_messages 中找到,以避免重复处理)

  • 要点4:Role 解读:

    class Role(SerializationMixin, ContextMixin, BaseModel):"""Role/Agent"""model_config = ConfigDict(arbitrary_types_allowed=True, extra="allow")name: str = ""profile: str = ""goal: str = ""constraints: str = ""desc: str = ""is_human: bool = Falserole_id: str = ""states: list[str] = []# scenarios to set action system_prompt:#   1. `__init__` while using Role(actions=[...])#   2. add action to role while using `role.set_action(action)`#   3. set_todo while using `role.set_todo(action)`#   4. when role.system_prompt is being updated (e.g. by `role.system_prompt = "..."`)# Additional, if llm is not set, we will use role's llmactions: list[SerializeAsAny[Action]] = Field(default=[], validate_default=True)rc: RoleContext = Field(default_factory=RoleContext)addresses: set[str] = set()planner: Planner = Field(default_factory=Planner)# builtin variablesrecovered: bool = False  # to tag if a recovered rolelatest_observed_msg: Optional[Message] = None  # record the latest observed message when interrupted__hash__ = object.__hash__  # support Role as hashable type in `Environment.members`
    

    实例化对字段进行后校验:

        @model_validator(mode="after")def validate_role_extra(self):self._process_role_extra()return selfdef _process_role_extra(self):kwargs = self.model_extra or {}if self.is_human:self.llm = HumanProvider(None)# Check actions and set llm and prefix for each action.self._check_actions()      # 'You are a DataInterpreter, named David, your goal is . 'self.llm.system_prompt = self._get_prefix()self.llm.cost_manager = self.context.cost_managerself._watch(kwargs.pop("watch", [UserRequirement]))if self.latest_observed_msg:self.recovered = True
    
  • 要点5:react 方法解读:

    该方法根据角色当前的回应模式选择执行不同的策略。如果反应模式是 RoleReactMode.REACTRoleReactMode.BY_ORDER,则执行 self._react() 方法;如果是 RoleReactMode.PLAN_AND_ACT,则执行 self._plan_and_act() 方法。

    • self._plan_and_act()直观简洁,很容易理解
        async def _plan_and_act(self) -> Message:"""first plan, then execute an action sequence, i.e. _think (of a plan) -> _act -> _act -> ... Use llm to come up with the plan dynamically."""# create initial plan and update it until confirmationgoal = self.rc.memory.get()[-1].content  # retreive latest user requirementawait self.planner.update_plan(goal=goal)# take on tasks until all finishedwhile self.planner.current_task:task = self.planner.current_tasklogger.info(f"ready to take on task {task}")# take on current tasktask_result = await self._act_on_task(task)# process the result, such as reviewing, confirming, plan updatingawait self.planner.process_task_result(task_result)rsp = self.planner.get_useful_memories()[0]  # return the completed plan as a responseself.rc.memory.add(rsp)  # add to persistent memoryreturn rsp
    
  • 要点6:llm 大语言模型怎么调用:

    • _aask 方法:

          async def _aask(self, prompt: str, system_msgs: Optional[list[str]] = None) -> str:"""Append default prefix"""return await self.llm.aask(prompt, system_msgs)
      

      实例化 self.llm :

          @propertydef llm(self) -> BaseLLM:"""Role llm: if not existed, init from role.config"""if not self.private_llm:self.private_llm = self.context.llm_with_cost_manager_from_llm_config(self.config.llm)return self.private_llm
      

      llm 如何回应:

        async def _achat_completion_stream(self, messages: list[dict], timeout=USE_CONFIG_TIMEOUT) -> str:response: AsyncStream[ChatCompletionChunk] = await self.aclient.chat.completions.create(**self._cons_kwargs(messages, timeout=self.get_timeout(timeout)), stream=True)
      

      self.aclient 实例化通过 self.aclient = AsyncOpenAI(**kwargs) , kwargs{'api_key': 'sk-', 'base_url': 'http://10.9.xx.xx:8000/v1'}

      输入信息self._cons_kwargs(messages, timeout=self.get_timeout(timeout))

      'messages':[{'role': 'system', 'content': 'As a data scientist,... function.'}, {'role': 'user', 'content': '\n# User Requirement\n... code\n```\n'}]'max_tokens':4096
      'temperature':0.0
      'model':'glm4'
      'timeout':600
      

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/web/38110.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

无人机基础知识(模式篇)

姿态模式&#xff1a;姿态模式通常是在GPS模式无法使用的情况下进行操作的模式。通过操作杆对无人机进行操控&#xff0c;姿态模式下无人机只能提供自稳&#xff0c;不提供定点悬停&#xff0c;受外界影响很大&#xff1b; GPS模式&#xff1a;GPS模式通俗一点就是依靠GPS将无…

22、PHP 实现连续子数组的最大和、整数中1出现的次数

题目&#xff1a; PHP 实现连续子数组的最大和 描述&#xff1a; HZ偶尔会拿些专业问题来忽悠那些非计算机专业的同学。 今天测试组开完会后,他又发话了:在古老的一维模式识别中, 常常需要计算连续子向量的最大和,当向量全为正数的时候,问题很好解决。 但是,如果向量中包含负数…

【原创教程】一次搞定伺服原点问题(进阶篇)

我们在进行伺服控制时,经常会遇到伺服原点问题,有时被其复杂的原点回归方式弄的不知所措,本篇文章我们将伺服原点遇到的问题进行了总结,便于大家将此彻底搞明白。 1 伺服原点 1.1 原点的概念 伺服原点是指在伺服系统中的初始位置,用来标记机构的起点。其他后面的一切运…

分页导航DOM更新实践:JavaScript与jQuery的结合使用

分页导航DOM更新实践&#xff1a;JavaScript与jQuery的结合使用 在Web开发中&#xff0c;分页导航是展示大量数据时不可或缺的UI组件。合理的分页不仅可以提高应用性能&#xff0c;还能优化用户体验。本博客将通过一个实际的DOM结构和模拟数据&#xff0c;讲解如何使用JavaScr…

C++ (第二天上午---函数重载和缺省参数和占位参数)

一、函数重载 1、问题的引入 在实际开发中&#xff0c;有时候我们需要实现几个功能类似的函数&#xff0c;只是有些细节不同。例如希望交换两个变量的值&#xff0c;这两个变量有多种类型&#xff0c;可以是 int、float、char、bool 等&#xff0c;我们需要通过参数把变量的地…

Executors 提供了哪些创建线程池的方法?

java.util.concurrent.Executors 是一个工厂类&#xff0c;提供了一些静态方法来创建各种类型的线程池。这些方法简单易用&#xff0c;可以快速创建常见的线程池类型。以下是 Executors 提供的主要创建线程池的方法及其特性&#xff1a; 1. newFixedThreadPool(int nThreads) …

计算机系统基础(二)

1.数值数据的表示 为什么采用二进制&#xff1f; 二进制只有两种基本状态&#xff0c;两个物理器件就可以表示0和1二进制的编码、技术、运算规则都很简单0和1与逻辑命题的真假对应&#xff0c;方便通过逻辑门电路实现算术运算 数值数据表示的三要素 进位记数制&#xff08;十…

以太网常用协议——ARP协议

文章目录 一、 ARP协议与MAC层1.TCP/IP协议2. MAC地址3. ARP映射4. ARP请求和ARP应答 二、以太网帧格式三、ARP协议1. 以太网ARP通信测试&#xff1a; 以太网使用的协议很多&#xff0c;常用的有ARP、UDP等。 再介绍具体协议之前需要先知道一些基本的概念&#xff1a; 一、 AR…

COB显示屏与GOB显示屏封装方式有哪些不同?

很多用户因为使用场景的特殊性&#xff0c;所以会选择防护能力更强的COB显示屏或者是GOB显示屏&#xff0c;两种产品从名称上看只是有一个字母的悬殊&#xff0c;其实使用的工艺截然不同&#xff0c;GOB显示屏通常是在SMD显示屏的基础上进行升级&#xff0c;而COB显示屏则是完全…

独立开发者系列(15)——git的使用

上一篇14文章触发了敏感话题&#xff0c;直接未过审核&#xff0c;看来技术博客也有敏感点。 大部分情况下&#xff0c;独立项目是你一个人开发&#xff0c;但是当你接的项目比较大的时候&#xff0c;你需要其他人的帮忙&#xff0c;这个时候你要把代码分享给别人。因为如果你…

【分布式数据仓库Hive】Hive的安装配置及测试

目录 一、数据库MySQL安装 1. 检查操作系统是否有MySQL安装残留 2. 删除残留的MySQL安装&#xff08;使用yum&#xff09; 3. 安装MySQL依赖包、客户端和服务器 4. MySQL登录账户root设置密码&#xff0c;密码值自定义&#xff0c;这里是‘abc1234’ 5. 启动MySQL服务 6…

maven设置阿里云镜像源(加速)

一、settings.xml介绍 settings.xml是maven的全局配置文件&#xff0c;maven的配置文件存在三个地方 项目中的pom.xml&#xff0c;这个是pom.xml所在项目的局部配置文件用户配置&#xff1a;${user.home}/.m2/settings.xml全局配置&#xff1a;${M2_HOME}/conf/settings.xml 优…

YOLOV10训练集制作+Train+Val记录

代码地址&#xff1a;THU-MIG/yolov10: YOLOv10: Real-Time End-to-End Object Detection (github.com) 一、数据制作 在这篇文章有讲过如何制作数据集及代码实现 YOLOV9训练集制作TrainVal记录_yolov9 train yaml-CSDN博客 二、配置文件 &#xff08;1&#xff09;代码结构…

“私域流量:解锁电商新机遇,共创数字化未来“

一、私域流量的战略意义再探 步入数字化浪潮的深处&#xff0c;流量已成为企业成长不可或缺的血液。与广泛但难以掌控的公域流量相比&#xff0c;私域流量以其独特的专属性和复用潜力&#xff0c;为企业铺设了通往深度用户关系的桥梁。它不仅赋能企业实现精准营销&#xff0c;…

国产跨平台高性能远程控制软件 RayLink,畅享高清流畅远程办公

不管是手机还是电脑&#xff0c;出色的硬件是好用的基础。而其中的软件工具&#xff0c;也是提高效率、减轻负担的好东西。 免费的软件工具众多&#xff0c;当然付费工具也不少。大家可能会觉得正版软件很贵&#xff0c;但国内软件代理商的价格其实很实惠。 本次为大家介绍一…

CF1375D Replace by MEX 题解

题目大意 令 m e x mex mex 为序列中最小的没有出现的数。 给你一个长度为 n n n 的序列 a a a&#xff0c;你可以进行不超过 2 n 2\times n 2n 次操作&#xff0c;使得序列 a a a 单调不降。每次操作你可以选定一个位置 p p p&#xff0c;并将 a p a_p ap​ 赋值为 …

一文看尽AI绘画工具 Stable Diffusion发展史,AI绘画究竟发展到什么地步了?!

01、引言 Stable Diffusion 在短短两年内发布了多个版本。最著名的版本是 1.5 和 SDXL。不过&#xff0c;还有许多其他版本值得一提。让我们一起来探索稳定扩散模型的起源和发展。 闲话少说&#xff0c;我们直接开始吧&#xff01; 02、缺失的SD V1.0版本 Stable Diffusion…

材质相关内容整理 -ThreeJs

在Three.js中&#xff0c;材质是用来定义3D对象外观的关键部分。Three.js支持多种材质文件和类型&#xff0c;每种材质都有其特定的用途和优势。下面简单整理了一下目前Three.js支持的材质文件和类型。 一、Three.js支持的材质文件类型 JPEG (.jpg) 和 PNG (.png) 用途&#x…

iphone新机官网验机流程

若您想购买新款iPhone并在官方网站上验证机器的真实性&#xff0c;可以按照以下流程进行&#xff1a; 打开苹果官方网站&#xff08;https://www.apple.com&#xff09;。在导航栏中选择“iPhone”选项&#xff0c;进入iPhone的产品页面。在页面中找到您想要购买的新款iPhone&…

C语言快速学习笔记

学习网站&#xff1a;C 语言教程 | 菜鸟教程 (runoob.com)C 语言教程 | 菜鸟教程 (runoob.com)C 语言教程 | 菜鸟教程 (runoob.com) 这个网站知识完整&#xff0c;讲解清晰。 在线C语言编程工具&#xff1a;菜鸟教程在线编辑器 (runoob.com) 国外学习网站&#xff1a;C语言介…