视频MAE大型模型项目介绍
视频MAE(VideoMAE)是一个在Kinetics-400数据集上通过自监督方式预训练了1600个epoch的视频模型。它由Tong等人在他们的论文《VideoMAE: Masked Autoencoders are Data-Efficient Learners for Self-Supervised Video Pre-Training》中首次提出,并在这个GitHub库中发布。
模型描述
视频MAE是在图像掩码自编码器(Masked Autoencoders, MAE)基础上扩展到视频领域的一个模型。其结构类似于标准的视觉转换器(Vision Transformer, ViT),顶部叠加了一个解码器,用于预测被掩盖视频片段的像素值。
在模型中,视频被分解为固定大小的片段(分辨率16x16),然后进行线性嵌入。在序列开始处添加一个[CLS]标记,以便进行分类任务。还会在传递给变压器编码器的序列之前增加固定的正弦/余弦位置嵌入。
通过预训练,模型学习到视频的内部表示,可以用于下游任务中特征的提取。例如,用户可以在有标签的视频数据集上,通过在预训练的编码器顶部放置一个线性层,进行标准分类器的训练。一般情况下,线性层放置在[CLS]标记上,因为该标记的最终隐藏状态可以被视为整个视频的表示。
预期用途与限制
视频MAE的大型模型主要用于下游任务的微调,虽然本身可以用于预测被掩盖视频片段的像素值。可访问模型中心查看在相关任务中已微调的版本。
使用方法
以下是如何用该模型预测随机掩盖的片段的像素值的示例:
from transformers import VideoMAEImageProcessor, VideoMAEForPreTraining
import numpy as np
import torch
num_frames = 16
video = list(np.random.randn(16, 3, 224, 224))
processor = VideoMAEImageProcessor.from_pretrained("MCG-NJU/videomae-large")
model = VideoMAEForPreTraining.from_pretrained("MCG-NJU/videomae-large")
pixel_values = processor(video, return_tensors="pt").pixel_values
num_patches_per_frame = (model.config.image_size // model.config.patch_size) ** 2
seq_length = (num_frames // model.config.tubelet_size) * num_patches_per_frame
bool_masked_pos = torch.randint(0, 2, (1, seq_length)).bool()
outputs = model(pixel_values, bool_masked_pos=bool_masked_pos)
loss = outputs.loss
更多代码示例请参考文档。
训练数据
相关信息待更新。
训练过程
预处理
相关信息待更新。
预训练
相关信息待更新。
评估结果
相关信息待更新。
参考文献与引用信息
若要引用此项目,请参考以下BibTeX条目:
misc{https://doi.org/10.48550/arxiv.2203.12602,
doi = {10.48550/ARXIV.2203.12602},
url = {https://arxiv.org/abs/2203.12602},
author = {Tong, Zhan and Song, Yibing and Wang, Jue and Wang, Limin},
keywords = {Computer Vision and Pattern Recognition (cs.CV), FOS: Computer and information sciences, FOS: Computer and information sciences},
title = {VideoMAE: Masked Autoencoders are Data-Efficient Learners for Self-Supervised Video Pre-Training},
publisher = {arXiv},
year = {2022},
copyright = {Creative Commons Attribution 4.0 International}
}