当前位置: 首页 > article >正文

qwen2.5-vl:阿里开源超强多模态大模型(包含使用方法、微调方法介绍)

1.简介

在 Qwen2-VL 发布后的五个月里,众多开发者基于该视觉语言模型开发了新的模型,并向 Qwen 团队提供了极具价值的反馈。在此期间,Qwen 团队始终致力于打造更具实用性的视觉语言模型。今天,Qwen 家族的最新成员——Qwen2.5-VL正式登场。

主要增强功能

  • 直观地理解事物: Qwen2.5-VL 不仅能熟练识别花、鸟、鱼和昆虫等常见物体,还能高度分析文本、图表、图标、图形和图像中的布局。
  • 具有代理功能: Qwen2.5-VL 可直接扮演视觉代理,能够推理和动态指挥工具,既能在电脑上使用,也能在手机上使用。
  • 理解长视频并捕捉事件: Qwen2.5-VL可以理解1小时以上的视频,这次又增加了通过精确定位相关视频片段来捕捉事件的能力。
  • 不同格式的可视化定位能力: Qwen2.5-VL 可通过生成边框或点来精确定位图像中的对象,并能为坐标和属性提供稳定的 JSON 输出。
  • 生成结构化输出:用于扫描发票、表格、表格等数据。Qwen2.5-VL 支持对其内容进行结构化输出,有利于金融、商业等领域的使用。

相较上一代模型架构更新

  • 动态分辨率和帧速率训练,促进视频理解:通过采用动态 FPS 采样,qwen团队将动态分辨率扩展到了时间维度,使模型能够理解各种采样率的视频。相应地,qwen团队在时间维度上对 mRoPE 进行了更新,增加了 ID 和绝对时间对齐,使模型能够学习时间顺序和速度,最终获得精确定位特定时刻的能力。
  • 精简高效的视觉编码器:qwen团队通过在 ViT 中战略性地实施窗口关注,提高了训练和推理速度。通过 SwiGLU 和 RMSNorm 进一步优化了 ViT 架构,使其与 Qwen2.5 LLM 的结构保持一致。

Qwen2.5-vl有三个模型,参数分别为 30、70 和 720 亿。此版本包含经过指令调整的 7B Qwen2.5-VL 模型。

-

模型权重地址(魔搭社区):魔搭社区

模型权重地址(huggingface):https://huggingface.co/collections/Qwen/qwen25-vl-6795ffac22b334a837c0f9a5

官方博客:Qwen2.5 VL! Qwen2.5 VL! Qwen2.5 VL! | Qwen

github地址:https://github.com/QwenLM/Qwen2.5-VL

体验地址:Qwen Chat

    -

    -

    2.效果

    Qwen团队将Qwen2.5-vl模型与 SOTA 模型以及类似模型规模的最佳模型进行了评估。就旗舰模型 Qwen2.5-VL-72B-Instruct 而言,它在一系列涵盖领域和任务的基准测试中取得了极具竞争力的性能,其中包括大学难题、数学、文档理解、一般问题解答、数学、视频理解和视觉代理。值得注意的是,Qwen2.5-VL 在理解文档和图表方面具有显著优势,而且无需针对特定任务进行微调,就能扮演视觉代理的角色。

    在小型模型方面,Qwen2.5-VL-7B-Instruct 在多项任务中的表现优于 GPT-4o-mini,而作为边缘人工智能解决方案的 Qwen2.5-VL-3B 甚至优于之前版本 Qwen2-VL 的 7B 模型。

    全球图像识别

    Qwen2.5-VL大幅增强了通用图像识别能力,将图像类别扩展到超多。不仅包括植物、动物、名山大川的地标,还包括电影和电视剧中的 IP 以及各种产品。

    精确的目标定位

    Qwen2.5-VL 利用边界框和基于点的表示法进行定位,从而实现分层定位和标准化 JSON 输出。这种增强的定位能力为可视化推理奠定了基础。

    -

    增强文本识别和理解能力

    Qwen2.5-VL将OCR识别能力提升到了一个新的水平,增强了多场景、多语言、多方向的文本识别和文本本地化性能。此外,Qwen2.5-VL 在信息提取方面也有大幅提升,以满足资质审查和金融业务等领域日益增长的数字化和智能化需求。

    -

    -

    强大的文档解析功能

    Qwen2.5-VL 设计了一种名为 QwenVL HTML 格式的独特文档解析格式,可提取基于 HTML 的布局信息。QwenVL HTML 可以在各种场景下执行文档解析,如杂志、研究论文、网页甚至手机截图。

    -

    <!DOCTYPE html>
    <html lang="en">
    <head>
        <meta charset="UTF-8">
        <meta name="viewport" content="width=device-width, initial-scale=1.0">
        <title>淘宝许愿淘彩头分25亿</title>
        <style>
            body {
                background-color: #4a0d6e;
                margin: 0;
                padding: 0;
                font-family: Arial, sans-serif;
                color: white;
                text-align: center;
            }
            .header {
                display: flex;
                justify-content: space-between;
                align-items: center;
                padding: 10px;
            }
            .header h1 {
                margin: 0;
                color: gold;
            }
            .content {
                padding: 20px;
            }
            .wish-options {
                display: flex;
                justify-content: center;
                gap: 10px;
                margin-top: 20px;
            }
            .wish-option {
                width: 100px;
                height: 200px;
                border-radius: 10px;
                padding: 10px;
                box-sizing: border-box;
                cursor: pointer;
            }
            .selected {
                background-color: gold;
            }
            .unselected {
                background-color: purple;
            }
            .footer {
                margin-top: 20px;
            }
            .button {
                background-color: gold;
                border: none;
                padding: 10px 20px;
                border-radius: 5px;
                cursor: pointer;
            }
        </style>
    </head>
    <body>
        <div class="header">
            <div><img src="back_arrow.png" alt="Back"></div>
            <h1>淘宝·许愿淘彩头分25亿</h1>
            <div><img src="more_options.png" alt="More Options"></div>
        </div>
        <div class="content">
            <p>许下新年心愿得红包</p>
            <img src="golden_lantern.png" alt="Golden Lantern">
            <div class="wish-options">
                <div class="wish-option selected">福寿康宁</div>
                <div class="wish-option unselected">我想免费周游世界</div>
                <div class="wish-option unselected">追随自己的热情</div>
            </div>
            <div class="footer">
                <button class="button">换一批 | 定制心愿</button>
                <p>许下你的定制心愿,更灵验哦</p>
                <button class="button">许愿拿红包 🎉</button>
            </div>
        </div>
    </body>
    </html>
    

    增强视频理解能力

    Qwen2.5-VL 的视频理解能力得到了全面升级。在时间处理方面,Qwen团队引入了动态帧频(FPS)训练和绝对时间编码技术。因此,该模型不仅能支持以小时为单位的超长视频理解,还能实现二级事件定位。它能够准确理解长达数小时的超长视频内容,搜索视频中的特定事件,并总结不同时间段的关键点。这样,用户就能快速高效地提取视频中的关键信息。

    -

    -

    -

    3.使用方法

    环境安装

    Qwen2.5-VL 的代码已收录在最新的transformers中,建议使用命令从源代码构建:

    pip install git+https://github.com/huggingface/transformers accelerate

    否则可能遇到以下错误

    KeyError: 'qwen2_5_vl'

    Qwen团队提供了一个工具包,帮助我们更方便地处理各种类型的可视输入,就像使用 API 一样。其中包括 base64、URL 以及交错图片和视频。可以使用以下命令安装它:

    # It's highly recommanded to use `[decord]` feature for faster video loading.
    pip install qwen-vl-utils[decord]==0.0.8

    如果您使用的不是 Linux,您可能无法从 PyPI 安装 decord。在这种情况下,您可以使用 pip install qwen-vl-utils,这会退回到使用 torchvision 进行视频处理。不过,您仍然可以从源代码中安装 decord,以便在加载视频时使用 decord。

    -

    使用transformers进行推理

    单图推理

    from transformers import Qwen2_5_VLForConditionalGeneration, AutoTokenizer, AutoProcessor
    from qwen_vl_utils import process_vision_info
    from modelscope import snapshot_download
    
    
    model_dir=snapshot_download("Qwen/Qwen2.5-VL-7B-Instruct")    # 从modelscope中下载Qwen2.5-VL模型的权重文件,并将其保存到本地目录model_dir中。
    
    
    # 默认方法
    model = Qwen2_5_VLForConditionalGeneration.from_pretrained(    # 加载模型。
        model_dir, torch_dtype="auto", device_map="auto"        # torch_dtype="auto"表示自动选择合适的张量数据类型,device_map="auto"表示自动将模型分配到可用的设备(如GPU)上。
    )
    
    # 以下注释部分提供了另一种加载方式,启用了flash_attention_2,这是一种优化技术,可以提高模型在多图像和视频场景下的加速和内存节省。
    # model = Qwen2_5_VLForConditionalGeneration.from_pretrained(
    #     "Qwen/Qwen2.5-VL-7B-Instruct",
    #     torch_dtype=torch.bfloat16,
    #     attn_implementation="flash_attention_2",
    #     device_map="auto",
    # )
    
    # 使用AutoProcessor加载处理器,它将用于处理文本和视觉输入数据。
    processor = AutoProcessor.from_pretrained(model_dir)
    
    # 模型中每幅图像的视觉token数默认范围为 4-16384。
    # 用于设置模型处理图像时的像素范围。通过调整min_pixels和max_pixels,可以在性能和成本之间进行平衡。例如,设置为256-1280的像素范围。
    # min_pixels = 256*28*28
    # max_pixels = 1280*28*28
    # processor = AutoProcessor.from_pretrained("Qwen/Qwen2.5-VL-7B-Instruct", min_pixels=min_pixels, max_pixels=max_pixels)
    
    messages = [        # 一个messages列表,包含了用户输入的内容。其中包含一个图像的URL和一段文字提示“Describe this image.”。
        {
            "role": "user",
            "content": [
                {
                    "type": "image",
                    "image": "https://qianwen-res.oss-cn-beijing.aliyuncs.com/Qwen-VL/assets/demo.jpeg",
                },
                {"type": "text", "text": "Describe this image."},
            ],
        }
    ]
    
    # Preparation for inference
    text = processor.apply_chat_template(        # 将messages中的文本内容转换为模型可以理解的格式,并添加生成提示。
        messages, tokenize=False, add_generation_prompt=True
    )
    image_inputs, video_inputs = process_vision_info(messages)        # 从messages中提取图像和视频信息。
    inputs = processor(        # 将文本、图像和视频输入组合成一个输入字典,并将其转换为PyTorch张量。
        text=[text],
        images=image_inputs,
        videos=video_inputs,
        padding=True,
        return_tensors="pt",
    )
    inputs = inputs.to("cuda")        # 将输入数据移动到GPU上(如果可用)。
    
    
    generated_ids = model.generate(**inputs, max_new_tokens=128)    # 调用模型生成输出。max_new_tokens=128表示生成的输出最多包含128个新token。
    generated_ids_trimmed = [        # 从生成的generated_ids中移除输入部分,只保留生成的输出部分。
        out_ids[len(in_ids) :] for in_ids, out_ids in zip(inputs.input_ids, generated_ids)
    ]
    output_text = processor.batch_decode(    # 将生成的token ID解码为文本。
        generated_ids_trimmed, skip_special_tokens=True, clean_up_tokenization_spaces=False
    )
    print(output_text)

    多图推理

    # Messages containing multiple images and a text query
    messages = [
        {
            "role": "user",
            "content": [
                {"type": "image", "image": "file:///path/to/image1.jpg"},    # file:///协议指定本地路径
                {"type": "image", "image": "file:///path/to/image2.jpg"},
                {"type": "text", "text": "Identify the similarities between these images."},
            ],
        }
    ]
    
    # Preparation for inference
    text = processor.apply_chat_template(    # 将messages中的文本内容转换为模型可以理解的格式,并添加生成提示。
        messages, tokenize=False, add_generation_prompt=True
    )
    image_inputs, video_inputs = process_vision_info(messages)    # 从messages中提取图像和视频信息。在这个例子中,video_inputs为空,因为输入中没有视频。
    inputs = processor(    # 将文本、图像和视频输入组合成一个输入字典,并将其转换为PyTorch张量。
        text=[text],
        images=image_inputs,
        videos=video_inputs,
        padding=True,
        return_tensors="pt",
    )
    inputs = inputs.to("cuda")    # 将输入数据移动到GPU上(如果可用)。
    
    # Inference
    generated_ids = model.generate(**inputs, max_new_tokens=128)    # 调用模型生成输出。max_new_tokens=128表示生成的输出最多包含128个新token。
    generated_ids_trimmed = [        # 从生成的generated_ids中移除输入部分,只保留生成的输出部分。
        out_ids[len(in_ids) :] for in_ids, out_ids in zip(inputs.input_ids, generated_ids)
    ]
    output_text = processor.batch_decode(    # 将生成的token ID解码为文本。
        generated_ids_trimmed, skip_special_tokens=True, clean_up_tokenization_spaces=False
    )
    print(output_text)

    视频推理

    对于视频文件,我们可以使用3种方法引入模型

    1. 视频由图像帧列表组成
    2. 本地视频文件路径
    3. 视频URL
    # 视频由图像帧列表组成
    messages = [
        {
            "role": "user",
            "content": [
                {
                    "type": "video",
                    "video": [
                        "file:///path/to/frame1.jpg",
                        "file:///path/to/frame2.jpg",
                        "file:///path/to/frame3.jpg",
                        "file:///path/to/frame4.jpg",
                    ],
                },
                {"type": "text", "text": "Describe this video."},
            ],
        }
    ]
    
    # 本地视频文件路径
    messages = [
        {
            "role": "user",
            "content": [
                {
                    "type": "video",
                    "video": "file:///path/to/video1.mp4",
                    "max_pixels": 360 * 420,
                    "fps": 1.0,
                },
                {"type": "text", "text": "Describe this video."},
            ],
        }
    ]
    
    # 视频URL
    messages = [
        {
            "role": "user",
            "content": [
                {
                    "type": "video",
                    "video": "https://qianwen-res.oss-cn-beijing.aliyuncs.com/Qwen2-VL/space_woaudio.mp4",
                },
                {"type": "text", "text": "Describe this video."},
            ],
        }
    ]
    
    
    #在 Qwen 2.5 VL 中,帧频信息也被输入到模型中,以便与绝对时间保持一致。
    # Preparation for inference
    text = processor.apply_chat_template(    ¥ 将messages中的文本内容转换为模型可以理解的格式,并添加生成提示。
        messages, tokenize=False, add_generation_prompt=True
    )
    image_inputs, video_inputs, video_kwargs = process_vision_info(messages, return_video_kwargs=True)    # process_vision_info:从messages中提取图像和视频信息。return_video_kwargs=True表示返回与视频处理相关的参数(如帧率fps)
    inputs = processor(    # processor:将文本、图像和视频输入组合成一个输入字典,并将其转换为PyTorch张量。fps参数用于指定视频的帧率。
        text=[text],
        images=image_inputs,
        videos=video_inputs,
        fps=fps,
        padding=True,
        return_tensors="pt",
        **video_kwargs,
    )
    inputs = inputs.to("cuda")    # inputs.to("cuda"):将输入数据移动到GPU上(如果可用)
    
    # Inference
    generated_ids = model.generate(**inputs, max_new_tokens=128)    # 调用模型生成输出。max_new_tokens=128表示生成的输出最多包含128个新token。
    generated_ids_trimmed = [    # 从生成的generated_ids中移除输入部分,只保留生成的输出部分。
        out_ids[len(in_ids) :] for in_ids, out_ids in zip(inputs.input_ids, generated_ids)
    ]
    output_text = processor.batch_decode(    # 将生成的token ID解码为文本。
        generated_ids_trimmed, skip_special_tokens=True, clean_up_tokenization_spaces=False
    )
    print(output_text)

    注意:视频 URL 兼容性主要取决于第三方库的版本。如果不想使用默认后端,可通过 FORCE_QWENVL_VIDEO_READER=torchvision 或 FORCE_QWENVL_VIDEO_READER=decord 更改后端。

    批量推理

    # 代码中定义了两组不同的输入消息,用于批量处理:
    messages1 = [
        {
            "role": "user",
            "content": [
                {"type": "image", "image": "file:///path/to/image1.jpg"},
                {"type": "image", "image": "file:///path/to/image2.jpg"},
                {"type": "text", "text": "What are the common elements in these pictures?"},
            ],
        }
    ]
    messages2 = [
        {"role": "system", "content": "You are a helpful assistant."},
        {"role": "user", "content": "Who are you?"},
    ]
    
    # 将两组消息合并为一个列表,用于批量处理。
    messages = [messages1, messages2]
    
    
    # Preparation for batch inference
    texts = [
        processor.apply_chat_template(msg, tokenize=False, add_generation_prompt=True)
        for msg in messages
    ]    # 对每组消息应用模板,将文本内容转换为模型可以理解的格式,并添加生成提示。
    image_inputs, video_inputs = process_vision_info(messages)    # 从所有消息中提取图像和视频信息。
    inputs = processor(    # 将文本、图像和视频输入组合成一个输入字典,并将其转换为PyTorch张量。
        text=texts,
        images=image_inputs,
        videos=video_inputs,
        padding=True,
        return_tensors="pt",
    )
    inputs = inputs.to("cuda")    # 将输入数据移动到GPU上(如果可用)。
    
    # Batch Inference
    generated_ids = model.generate(**inputs, max_new_tokens=128)    # 调用模型生成输出。max_new_tokens=128表示生成的输出最多包含128个新token。
    generated_ids_trimmed = [    # 从生成的generated_ids中移除输入部分,只保留生成的输出部分。
        out_ids[len(in_ids) :] for in_ids, out_ids in zip(inputs.input_ids, generated_ids)
    ]
    output_texts = processor.batch_decode(    # 将生成的token ID解码为文本。
        generated_ids_trimmed, skip_special_tokens=True, clean_up_tokenization_spaces=False
    )
    print(output_texts)

     

    图片调用方法

    Qwen2.5-vl支持的图片调用有三种,以下是他们的详细使用方法:

    1. 本地文件路径
    2. URL网页
    3. Base64编码图像
    # 你可以在文本中想要插入的位置直接插入本地文件路径、URL 或 base64 编码的图片。
    ## 本地文件路径
    messages = [
        {
            "role": "user",
            "content": [
                {"type": "image", "image": "file:///path/to/your/image.jpg"},
                {"type": "text", "text": "Describe this image."},
            ],
        }
    ]
    ## URL
    messages = [
        {
            "role": "user",
            "content": [
                {"type": "image", "image": "http://path/to/your/image.jpg"},
                {"type": "text", "text": "Describe this image."},
            ],
        }
    ]
    ## Base64 encoded image
    messages = [
        {
            "role": "user",
            "content": [
                {"type": "image", "image": "data:image;base64,/9j/..."},
                {"type": "text", "text": "Describe this image."},
            ],
        }
    ]

    图像分辨率
    该模型支持多种分辨率输入。默认情况下,它使用本机分辨率进行输入,但更高的分辨率会以更多计算量为代价提高性能。用户可以根据自己的需要设置最小和最大像素数,以达到最佳配置,例如令牌数范围为 256-1280,从而在速度和内存使用之间取得平衡。

    min_pixels = 256 * 28 * 28
    max_pixels = 1280 * 28 * 28
    processor = AutoProcessor.from_pretrained(
        "Qwen/Qwen2.5-VL-7B-Instruct", min_pixels=min_pixels, max_pixels=max_pixels
    )

     

    此外,Qwen团队还提供了两种方法来精细控制输入模型的图像尺寸:

    • 定义 min_pixels 和 max_pixels: 图像将在 min_pixels 和 max_pixels 的范围内调整大小以保持长宽比。(注意,这个是保持长宽比进行缩放)
    • 指定精确尺寸: 直接设置 resized_height 和 resized_width。这些值将四舍五入为最接近的 28 的倍数。(注意,这个不会保持长宽比进行缩放)
    # min_pixels and max_pixels
    messages = [
        {
            "role": "user",
            "content": [
                {
                    "type": "image",
                    "image": "file:///path/to/your/image.jpg",
                    "resized_height": 280,
                    "resized_width": 420,
                },
                {"type": "text", "text": "Describe this image."},
            ],
        }
    ]
    # 调整高度和宽度
    messages = [
        {
            "role": "user",
            "content": [
                {
                    "type": "image",
                    "image": "file:///path/to/your/image.jpg",
                    "min_pixels": 50176,
                    "max_pixels": 50176,
                },
                {"type": "text", "text": "Describe this image."},
            ],
        }
    ]

    处理长文本

    当前的 config.json 设置为上下文长度不超过 32,768 个字节。为了处理超过 32,768 个字节的大范围输入,Qwen团队使用了 YaRN,这是一种增强模型长度外推的技术,可确保在处理长文本时获得最佳性能。

    对于支持的框架,可在 config.json 中添加以下内容以启用 YaRN:

    { ..., “type”: “yarn“, ”mrope_section": [ 16, 24, 24 ], “factor”: 4,“original_max_position_embeddings”: 32768 }

    不过需要注意的是,这种方法对时间和空间定位任务的性能有很大影响,因此不建议使用。

    同时,对于长视频输入,由于 MRoPE 本身更节省 id,因此可直接将 max_position_embeddings 修改为更大的值,如 64k。

     -

    使用魔搭社区API进行推理

    可在对应界面点开API-Inference,直接复制代码

    代码如下:记得将api_key替换掉

    from openai import OpenAI
    
    client = OpenAI(
        base_url='https://api-inference.modelscope.cn/v1/',
        api_key="<Your Key>", # ModelScope Token
    )
    
    response = client.chat.completions.create(
        model='Qwen/Qwen2.5-VL-7B-Instruct', # ModelScope Model-Id
        messages=[{
            'role':
                'user',
            'content': [{
                'type': 'text',
                'text': '描述这幅图',
            }, {
                'type': 'image_url',
                'image_url': {
                    'url':
                        'https://modelscope.oss-cn-beijing.aliyuncs.com/demo/images/audrey_hepburn.jpg',
                },
            }],
        }],
        stream=True
    )
    
    for chunk in response:
        print(chunk.choices[0].delta.content, end='', flush=True)

     

    API-Inference文档:https://www.modelscope.cn/docs/model-service/API-Inference/intro

    -

    微调

    接下来介绍使用ms-swift对Qwen/Qwen2.5-VL-7B-Instruct进行微调。ms-swift是魔搭社区官方提供的大模型与多模态大模型微调部署框架。

    ms-swift开源地址:https://github.com/modelscope/ms-swift

    首先安装ms-swift的环境

    git clone https://github.com/modelscope/ms-swift.git
    cd ms-swift
    pip install -e .

    图像OCR微调

    安装完成后直接在命令行使用:

    MAX_PIXELS=1003520 \CUDA_VISIBLE_DEVICES=0 \swift sft \    --model Qwen/Qwen2.5-VL-7B-Instruct \    --dataset AI-ModelScope/LaTeX_OCR:human_handwrite#20000 \    --train_type lora \    --torch_dtype bfloat16 \    --num_train_epochs 1 \    --per_device_train_batch_size 1 \    --per_device_eval_batch_size 1 \    --learning_rate 1e-4 \    --lora_rank 8 \    --lora_alpha 32 \    --target_modules all-linear \    --freeze_vit true \    --gradient_accumulation_steps 16 \    --eval_steps 50 \    --save_steps 50 \    --save_total_limit 5 \    --logging_steps 5 \    --max_length 2048 \    --output_dir output \    --warmup_ratio 0.05 \    --dataloader_num_workers 4

    自定义数据集格式如下(system字段可选),只需要指定`--dataset <dataset_path>`即可:

    {"messages": [{"role": "user", "content": "浙江的省会在哪?"}, {"role": "assistant", "content": "浙江的省会在杭州。"}]}
    {"messages": [{"role": "user", "content": "<image><image>两张图片有什么区别"}, {"role": "assistant", "content": "前一张是小猫,后一张是小狗"}], "images": ["/xxx/x.jpg", "xxx/x.png"]}
    

    视频微调

    参数含义可以查看:https://swift.readthedocs.io/zhcn/latest/Instruction/%E5%91%BD%E4%BB%A4%E8%A1%8C%E5%8F%82%E6%95%B0.html#id18nproc_per_node=2

    命令行使用:

    CUDA_VISIBLE_DEVICES=0,1 \NPROC_PER_NODE=$nproc_per_node \VIDEO_MAX_PIXELS=100352 \FPS_MAX_FRAMES=24 \swift sft \    --model Qwen/Qwen2.5-VL-7B-Instruct \    --dataset swift/VideoChatGPT:all \    --train_type lora \    --torch_dtype bfloat16 \    --num_train_epochs 1 \    --per_device_train_batch_size 1 \    --per_device_eval_batch_size 1 \    --learning_rate 1e-4 \    --lora_rank 8 \    --lora_alpha 32 \    --target_modules all-linear \    --freeze_vit true \    --gradient_accumulation_steps $(expr 16 / $nproc_per_node) \    --eval_steps 50 \    --save_steps 50 \    --save_total_limit 5 \    --logging_steps 5 \    --max_length 2048 \    --output_dir output \    --warmup_ratio 0.05 \    --dataloader_num_workers 4 \    --deepspeed zero2

    自定义数据集格式如下(system字段可选),只需要指定`--dataset <dataset_path>`即可:

    {"messages": [{"role": "system", "content": "你是个有用无害的助手"}, {"role": "user", "content": "<video>视频中是什么"}, {"role": "assistant", "content": "视频中是一只小狗在草地上奔跑"}], "videos": ["/xxx/x.mp4"]}

     grounding任务微调

    即目标检测等定位任务,命令行使用:

    CUDA_VISIBLE_DEVICES=0 \MAX_PIXELS=1003520 \swift sft \    --model Qwen/Qwen2.5-VL-7B-Instruct \    --dataset 'AI-ModelScope/coco#20000' \    --train_type lora \    --torch_dtype bfloat16 \    --num_train_epochs 1 \    --per_device_train_batch_size 1 \    --per_device_eval_batch_size 1 \    --learning_rate 1e-4 \    --lora_rank 8 \    --lora_alpha 32 \    --target_modules all-linear \    --freeze_vit true \    --gradient_accumulation_steps 16 \    --eval_steps 100 \    --save_steps 100 \    --save_total_limit 2 \    --logging_steps 5 \    --max_length 2048 \    --output_dir output \    --warmup_ratio 0.05 \    --dataloader_num_workers 4 \    --dataset_num_proc 4

    自定义数据集格式如下(system字段可选),只需要指定`--dataset <dataset_path>`即可:

    {"messages": [{"role": "system", "content": "You are a helpful assistant."}, {"role": "user", "content": "<image>描述图像"}, {"role": "assistant", "content": "<ref-object><bbox>和<ref-object><bbox>正在沙滩上玩耍"}], "images": ["/xxx/x.jpg"], "objects": {"ref": ["一只狗", "一个女人"], "bbox": [[331.5, 761.4, 853.5, 1594.8], [676.5, 685.8, 1099.5, 1427.4]]}}
    {"messages": [{"role": "system", "content": "You are a helpful assistant."}, {"role": "user", "content": "<image>找到图像中的<ref-object>"}, {"role": "assistant", "content": "<bbox><bbox>"}], "images": ["/xxx/x.jpg"], "objects": {"ref": ["羊"], "bbox": [[90.9, 160.8, 135, 212.8], [360.9, 480.8, 495, 532.8]]}}
    {"messages": [{"role": "system", "content": "You are a helpful assistant."}, {"role": "user", "content": "<image>帮我打开谷歌浏览器"}, {"role": "assistant", "content": "Action: click(start_box='<bbox>')"}], "images": ["/xxx/x.jpg"], "objects": {"ref": [], "bbox": [[615, 226]]}}

    验证

    训练完成后,使用以下命令对训练时的验证集进行推理,

    这里`--adapters`需要替换成训练生成的last checkpoint文件夹.

    由于adapters文件夹中包含了训练的参数文件,因此不需要额外指定`--model`:

    命令行使用:

    CUDA_VISIBLE_DEVICES=0 \swift infer \    --adapters output/vx-xxx/checkpoint-xxx \    --stream false \    --max_batch_size 1 \    --load_data_args true \    --max_new_tokens 2048

    -

    4.总结

    Qwen2.5-VL是由阿里巴巴通义千问团队推出的一款开源视觉语言模型,它在视觉理解、多模态交互以及自动化任务执行等方面展现出卓越的能力。

    该模型不仅能够识别常见的物体,如花卉、鸟类、鱼类、昆虫等,还能深入分析图像中的文本、图表、图标、图形和布局,其通用图像识别能力得到了显著增强,大幅扩展了可识别的图像类别范围。此外,Qwen2.5-VL还具备强大的智能代理能力,能够直接作为视觉Agent进行操作,推理并动态使用工具,支持在计算机和手机上完成多步骤的复杂任务,例如自动查询天气、预订机票、发送消息等,这种能力无需对特定任务进行微调。

    在长视频理解方面,Qwen2.5-VL表现尤为出色,能够理解超过1小时的长视频内容,并通过精准定位相关视频片段来捕捉事件。它引入了动态帧率(FPS)训练和绝对时间编码技术,能够定位秒级事件,并在长视频中搜索具体事件。这种时间感知能力使得模型在处理视频内容时更加精准和高效。同时,Qwen2.5-VL在视觉定位方面也表现出色,采用矩形框和点的多样化方式对通用物体进行定位,能够实现层级化定位,并输出规范的JSON格式坐标和属性。这种精准的视觉定位能力使其在多个领域具有广泛的应用前景。

    Qwen2.5-VL在处理结构化数据方面同样表现出色,能够高效解析发票、表格、文档等结构化数据,并生成准确的结构化输出,广泛适用于金融、商业等领域的数字化信息处理。与Qwen2-VL相比,Qwen2.5-VL在多个技术维度上进行了优化。它的时间和空间感知能力得到了显著提升,模型能够动态地将不同尺寸的图像转换为不同长度的token,并直接使用图像的实际尺寸表示检测框和点等坐标。在时间维度上,引入了动态FPS训练和绝对时间编码,使得模型在处理视频内容时更加精准和高效。

    综上所述,Qwen2.5-VL凭借其强大的视觉理解能力、智能代理功能和技术创新,为多模态AI的发展提供了新的思路和解决方案,适用于多种复杂的应用场景,展现了其在人工智能领域的巨大潜力和价值。


    如果你觉得我的内容对你有帮助,或者让你眼前一亮,那就太好了!🎉

    🌟 点赞 是对我最大的鼓励,你的每一个赞都是我继续努力的动力!

    👀 关注 我,这样你就不会错过我接下来的精彩内容啦!我会持续分享更多有趣、有用的知识和见解。

    📌 收藏 这篇文章,以后需要的时候可以随时回顾,方便又实用!

    如果你还有任何问题或想法,欢迎随时在评论区留言,我会第一时间回复你。让我们一起交流、一起进步!

    感谢你的支持,希望我们都能在这个知识的海洋里,收获满满!💖


    http://www.kler.cn/a/523241.html

    相关文章:

  • 第十六届蓝桥杯大赛软件赛(编程类)知识点大纲
  • LangChain的开发流程
  • Celery
  • Airflow:精通Airflow任务依赖
  • lightweight-charts-python 包 更新 lightweight-charts.js 的方法
  • Tensor 基本操作2 理解 tensor.max 操作,沿着给定的 dim 是什么意思 | PyTorch 深度学习实战
  • 怎样在PPT中启用演讲者视图功能?
  • 苍穹外卖使用MyBatis-Plus
  • WSL安装CUDA
  • 大模型本地部署流程介绍
  • 变压器的漏感
  • WSL 安装cuDNN
  • 基于PyQt设计的智能停车管理系统
  • 计算机毕业设计Django+Tensorflow音乐推荐系统 机器学习 深度学习 音乐可视化 音乐爬虫 知识图谱 混合神经网络推荐算法 大数据毕设
  • IME关于输入法横屏全屏显示问题-Android14
  • C++中函数返回值当引用
  • 每日一题-判断是否是平衡二叉树
  • NoSQL与SQL比较
  • 家居EDI:Hom Furniture EDI需求分析
  • 深入理解 SQL 中的子查询
  • python读取ATL15.nc数据并保存为
  • unity学习21:Application类与文件存储的位置
  • WS2812 梳理和颜色表示方法的对比:RGB和HSV
  • 两数之和II-输入有序数组
  • Linux一键巡检脚本
  • c++学习第十四天