ROS2 部署大语言模型节点

4GB GPU的DeepSeek-Coder 1.3B模型,并且它已经被量化或优化过。以下是具体的步骤:

安装必要的依赖项:

复制代码
pip install transformers torch grpcio googleapis-common-protos

创建一个新的ROS 2包:

复制代码
cd ~/ros2_ws/src
ros2 pkg create --build-type ament_python llm_ros2_node --dependencies rclpy std_msgs grpcio googleapis-common-protos torch transformers

编辑setup.py文件以包含所需的依赖项:

复制代码
from setuptools import setup

package_name = 'llm_ros2_node'

setup(
    name=package_name,
    version='0.0.0',
    packages=[package_name],
    data_files=[
        ('share/ament_index/resource_index/packages', ['resource/' + package_name]),
        ('share/' + package_name, ['package.xml']),
    ],
    install_requires=['setuptools'],
    zip_safe=True,
    maintainer='your_name',
    maintainer_email='your_email@example.com',
    description='TODO: Package description',
    license='Apache License 2.0',
    tests_require=['pytest'],
    entry_points={
        'console_scripts': [
            'llm_node = llm_ros2_node.llm_node:main',
        ],
    },
)

编写ROS 2节点代码:在这个节点中,我们将订阅一个话题并发送消息到本地的大语言模型,然后将结果发布到另一个话题。

复制代码
import rclpy
from rclpy.node import Node
from std_msgs.msg import String
from transformers import AutoModelForCausalLM, AutoTokenizer
import torch

class LLMNode(Node):
    def __init__(self):
        super().__init__('llm_node')
        self.subscription = self.create_subscription(
            String,
            'input_text',
            self.listener_callback,
            10)
        self.publisher_ = self.create_publisher(String, 'output_text', 10)

        # Load the DeepSeek-Coder model and tokenizer
        self.model_name_or_path = "path/to/deepseek-coder-1.3b-optimized"
        self.device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
        self.tokenizer = AutoTokenizer.from_pretrained(self.model_name_or_path)
        self.model = AutoModelForCausalLM.from_pretrained(self.model_name_or_path).to(self.device)
        self.model.eval()

    def listener_callback(self, msg):
        self.get_logger().info(f'Received input text: {msg.data}')
        response = self.call_llm(msg.data)
        self.publisher_.publish(String(data=response))

    def call_llm(self, prompt):
        inputs = self.tokenizer.encode(prompt, return_tensors="pt").to(self.device)
        outputs = self.model.generate(inputs, max_length=50, num_return_sequences=1)
        reply = self.tokenizer.decode(outputs[0], skip_special_tokens=True)
        return reply

def main(args=None):
    rclpy.init(args=args)
    llm_node = LLMNode()
    rclpy.spin(llm_node)
    llm_node.destroy_node()
    rclpy.shutdown()

if __name__ == '__main__':
    main()
相关推荐
二川bro2 分钟前
量子计算入门:Python量子编程基础
python
陈文锦丫36 分钟前
MixFormer: A Mixed CNN–Transformer Backbone
人工智能·cnn·transformer
夏天的味道٥1 小时前
@JsonIgnore对Date类型不生效
开发语言·python
tsumikistep1 小时前
【前后端】接口文档与导入
前端·后端·python·硬件架构
小毅&Nora1 小时前
【人工智能】【AI外呼】系统架构设计与实现详解
人工智能·系统架构·ai外呼
小白学大数据2 小时前
Python爬虫伪装策略:如何模拟浏览器正常访问JSP站点
java·开发语言·爬虫·python
jianqiang.xue2 小时前
别把 Scratch 当 “动画玩具”!图形化编程是算法思维的最佳启蒙
人工智能·算法·青少年编程·机器人·少儿编程
Coding茶水间3 小时前
基于深度学习的安全帽检测系统演示与介绍(YOLOv12/v11/v8/v5模型+Pyqt5界面+训练代码+数据集)
图像处理·人工智能·深度学习·yolo·目标检测·计算机视觉
头发还在的女程序员3 小时前
三天搞定招聘系统!附完整源码
开发语言·python
温轻舟3 小时前
Python自动办公工具06-设置Word文档中表格的格式
开发语言·python·word·自动化工具·温轻舟