输入视频文件,输出该段时间内视频所包含的动作。算法内部每两秒均匀采样4帧输入到动作检测模型中,然后按设定时间步长滑动对整个视频的动作进行检测并返回结果。CUDA和CPU运行环境均支持。
模型结构如下所示:
如果您还没有安装 ffmpeg 库,先运行如下命令安装:
conda install ffmpeg
使用方式:
使用范围:
目标场景:
在众包采集的行为数据上进行测试
动作/指标 | 举手 | 吃喝 | 吸烟 | 打电话 | 玩手机 | 趴桌睡觉 | 跌倒 | 洗手 | 拍照 |
---|---|---|---|---|---|---|---|---|---|
Precision | 0.96 | 0.83 | 0.79 | 0.83 | 0.83 | 0.94 | 0.87 | 0.78 | 0.81 |
Recall | 0.96 | 0.80 | 0.83 | 0.92 | 0.76 | 0.94 | 0.84 | 0.81 | 0.80 |
不同场景的数据集测试性能会出现差异
from modelscope.pipelines import pipeline
from modelscope.utils.constant import Tasks
action_detection_pipeline = pipeline(Tasks.action_detection, 'damo/cv_ResNetC3D_action-detection_detection2d')
result = action_detection_pipeline('https://modelscope.oss-cn-beijing.aliyuncs.com/test/videos/action_detection_test_video.mp4')
print(f'action detection result: {result}.')
输出:
{'timestamps': [1, 3, 5],
'labels': ['吸烟', '吸烟', '吸烟'],
'scores': [0.7527753114700317, 0.753358006477356, 0.6880350708961487],
'boxes': [[547, 2, 1225, 719], [529, 8, 1255, 719], [584, 0, 1269, 719]]}
该检测模型是面向落地场景设计的,可用于家庭、工厂等监控相机场景。
模型默认返回结果的阈值为0.45,可通过传入参数pre_nms_thresh
来改变返回结果的阈值
action_detection_pipeline = pipeline(Tasks.action_detection, 'damo/cv_ResNetC3D_action-detection_detection2d',pre_nms_thresh=[0.3, 0.3, 0.45, 0.45, 0.45, 0.45, 0.45, 0.45, 0.45]) #修改举手、吃喝两种动作的的阈值为0.3
pre_nms_thresh
由9个参数组成,分别表示9种动作的阈值。可以先尽量调低pre_nms_thresh
的值,在返回后再根据场景设定新的阈值对结果进行过滤。
为了保证程序返回结果的等待时间,默认仅处理前10秒的视频,如果需要修改这一设定,传入参数video_length_limit
,参数单位为秒。
action_detection_pipeline = pipeline(Tasks.action_detection, 'damo/cv_ResNetC3D_action-detection_detection2d',pre_nms_thresh=[0.3, 0.3, 0.45, 0.45, 0.45, 0.45, 0.45, 0.45, 0.45], video_length_limit=15) #处理前15秒视频
修改默认参数op_num_threads
可以加速ONNX模型运行速度,该参数值默认为1,修改为CPU核心的个数可最大化运行速度。建议设为0,此时程序将根据系统配置自动选择合适的线程个数。
action_detection_pipeline = pipeline(Tasks.action_detection, 'damo/cv_ResNetC3D_action-detection_detection2d',pre_nms_thresh=[0.3, 0.3, 0.45, 0.45, 0.45, 0.45, 0.45, 0.45, 0.45], video_length_limit=10, op_num_threads=0)
硬件要求:
理论上CPU可训练,但速度非常慢无法接受,所以需要在支持CUDA的GPU。模型基于pytorch实现,所以安装好支持CUDA的pytorch即可。
python库版本要求:
detectron2安装命令
python -m pip install 'git+https://github.com/facebookresearch/detectron2.git
更多安装详情见官方链接
训练数据需遵循指定的数据格式,标注工具: https://github.com/lllcho/LabelV
import os
import shutil
import subprocess
import sys
import tempfile
from modelscope.metainfo import Trainers
from modelscope.msdatasets import MsDataset
from modelscope.trainers import build_trainer
from modelscope.utils.constant import DownloadMode
# 修改训练参数配置
def cfg_modify_fn(cfg):
cfg.train.max_iter = 5 #训练迭代步数
cfg.train.dataloader.batch_size_per_gpu = 1
cfg.train.dataloader.workers_per_gpu = 1
cfg.train.optimizer.lr = 1e-4
cfg.train.lr_scheduler.warmup_step = 1
cfg.train.checkpoint_interval = 5000
cfg.evaluation.interval = 5000
cfg.evaluation.dataloader.batch_size_per_gpu = 1
cfg.evaluation.dataloader.workers_per_gpu = 1
cfg.train.work_dir = './output' #训练输出目录
cfg.train.num_gpus = 0 #训练GPU个数, 0表示不使用GPU, 使用的是CPU
return
# 准备数据集
train_dataset = MsDataset.load(
'lllcho/ivi_action',
subset_name='default',
split='train',
download_mode=DownloadMode.REUSE_DATASET_IF_EXISTS)
model_id = 'damo/cv_ResNetC3D_action-detection_detection2d'
#构建训练trainer
trainer = build_trainer(
Trainers.action_detection,
dict(
model_id=self.model_id,
train_dataset=self.train_dataset,
test_dataset=self.train_dataset,
cfg_modify_fn=cfg_modify_fn))
# 开始训练
trainer.train()