├── .circleci ├── config.yml ├── docker │ └── Dockerfile └── test.yml ├── .github ├── CODE_OF_CONDUCT.md ├── ISSUE_TEMPLATE │ ├── 1-bug-report.yml │ ├── 2-feature-request.yml │ ├── 3-documentation.yml │ └── config.yml ├── pull_request_template.md └── workflows │ ├── lint.yml │ ├── merge_stage_test.yml │ ├── pr_stage_test.yml │ └── publish-to-pypi.yml ├── .gitignore ├── .owners.yml ├── .pre-commit-config.yaml ├── .pylintrc ├── .readthedocs.yml ├── CITATION.cff ├── LICENSE ├── MANIFEST.in ├── README.md ├── README_zh-CN.md ├── configs ├── _base_ │ ├── default_runtime.py │ ├── models │ │ ├── audioonly_r50.py │ │ ├── bmn_400x100.py │ │ ├── bsn_pem.py │ │ ├── bsn_tem.py │ │ ├── c2d_r50.py │ │ ├── c3d_sports1m_pretrained.py │ │ ├── i3d_r50.py │ │ ├── ircsn_r152.py │ │ ├── mvit_small.py │ │ ├── r2plus1d_r34.py │ │ ├── slowfast_r50.py │ │ ├── slowonly_r50.py │ │ ├── swin_tiny.py │ │ ├── tanet_r50.py │ │ ├── tin_r50.py │ │ ├── tpn_slowonly_r50.py │ │ ├── tpn_tsm_r50.py │ │ ├── trn_r50.py │ │ ├── tsm_mobilenet_v2.py │ │ ├── tsm_mobileone_s4.py │ │ ├── tsm_r50.py │ │ ├── tsn_mobileone_s0.py │ │ ├── tsn_r50.py │ │ └── x3d.py │ └── schedules │ │ ├── adam_20e.py │ │ ├── sgd_100e.py │ │ ├── sgd_150e_warmup.py │ │ ├── sgd_50e.py │ │ ├── sgd_tsm_100e.py │ │ ├── sgd_tsm_50e.py │ │ ├── sgd_tsm_mobilenet_v2_100e.py │ │ └── sgd_tsm_mobilenet_v2_50e.py └── recognition │ ├── i3d │ └── i3d_imagenet-pretrained-r50_genvidbench.py │ ├── mvit │ └── mvit-small-p244_32xb16-16x4x1-200e_genvidbench.py │ ├── slowfast │ └── slowfast_r50_8xb8-4x16x1-256e_genvidbench.py │ ├── swin │ └── swin-tiny-p244-w877_in1k-pre_8xb8-amp-genvidbench.py │ ├── timesformer │ └── timesformer_genvidbench.py │ ├── tin │ └── tin_genvidbench.py │ ├── tpn │ └── tpn_genvidbench.py │ ├── trn │ └── trn_genvidbench.py │ ├── tsm │ └── tsm_genvidench.py │ └── uniformerv2 │ ├── README.md │ ├── README_zh-CN.md │ ├── k710_channel_map │ ├── map_k400.json │ ├── map_k600.json │ └── map_k700.json │ ├── metafile.yml │ ├── uniformerv2-base-p16-res224_clip-kinetics710-kinetics-k400-pre_16xb32-u8_mitv1-rgb.py │ ├── uniformerv2-base-p16-res224_clip-kinetics710-pre_8xb32-u8_kinetics400-rgb.py │ ├── uniformerv2-base-p16-res224_clip-kinetics710-pre_8xb32-u8_kinetics600-rgb.py │ ├── uniformerv2-base-p16-res224_clip-kinetics710-pre_8xb32-u8_kinetics700-rgb.py │ ├── uniformerv2-base-p16-res224_clip-pre_u8_kinetics710-rgb.py │ ├── uniformerv2-base-p16-res224_clip_8xb32-u8_kinetics400-rgb.py │ ├── uniformerv2-base-p16-res224_clip_8xb32-u8_kinetics700-rgb.py │ ├── uniformerv2-base-p16-res224_clip_u8_kinetics710-rgb.py │ ├── uniformerv2-base-p16-res224_genvidbench.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u16_kinetics400-rgb.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u16_kinetics600-rgb.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u16_kinetics700-rgb.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u32_kinetics400-rgb.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u32_kinetics600-rgb.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u32_kinetics700-rgb.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u8_kinetics400-rgb.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u8_kinetics600-rgb.py │ ├── uniformerv2-large-p14-res224_clip-kinetics710-pre_u8_kinetics700-rgb.py │ ├── uniformerv2-large-p14-res224_clip-pre_u8_kinetics710-rgb.py │ ├── uniformerv2-large-p14-res336_clip-kinetics710-pre_u32_kinetics400-rgb.py │ ├── uniformerv2-large-p14-res336_clip-kinetics710-pre_u32_kinetics600-rgb.py │ ├── uniformerv2-large-p14-res336_clip-kinetics710-pre_u32_kinetics700-rgb.py │ ├── uniformerv2-large-p14-res336_clip-pre_u8_kinetics710-rgb.py │ ├── uniformerv2-large-p16-res224_clip-kinetics710-kinetics-k400-pre_u8_mitv1-rgb.py │ └── uniformerv2-large-p16-res336_clip-kinetics710-kinetics-k400-pre_u8_mitv1-rgb.py ├── data └── Pari1_sampled_dataset.zip ├── dataset-index.yml ├── demo ├── README.md ├── demo.ipynb ├── demo.mp4 ├── demo.py ├── demo_audio.py ├── demo_configs │ ├── faster-rcnn_r50-caffe_fpn_ms-1x_coco-person.py │ ├── faster-rcnn_r50_fpn_2x_coco_infer.py │ ├── i3d_r50_32x2x1_rawframes_infer.py │ ├── i3d_r50_32x2x1_video_infer.py │ ├── td-hm_hrnet-w32_8xb64-210e_coco-256x192_infer.py │ ├── tsn_r50_1x1x8_rawframes_infer.py │ └── tsn_r50_1x1x8_video_infer.py ├── demo_inferencer.py ├── demo_skeleton.mp4 ├── demo_skeleton.py ├── demo_spatiotemporal_det.mp4 ├── demo_spatiotemporal_det.py ├── demo_spatiotemporal_det_onnx.py ├── demo_video_structuralize.py ├── long_video_demo.py ├── mmaction2_tutorial.ipynb ├── test_video_structuralize.mp4 ├── webcam_demo.py └── webcam_demo_spatiotemporal_det.py ├── docker ├── Dockerfile └── serve │ ├── Dockerfile │ ├── config.properties │ └── entrypoint.sh ├── docs ├── en │ ├── Makefile │ ├── _static │ │ ├── css │ │ │ └── readthedocs.css │ │ ├── images │ │ │ └── logo.png │ │ └── js │ │ │ └── custom.js │ ├── _templates │ │ └── 404.html │ ├── advanced_guides │ │ ├── customize_dataset.md │ │ ├── customize_logging.md │ │ ├── customize_models.md │ │ ├── customize_optimizer.md │ │ ├── customize_pipeline.md │ │ ├── dataflow.md │ │ └── depoly.md │ ├── api.rst │ ├── conf.py │ ├── dataset_zoo.py │ ├── docutils.conf │ ├── get_started │ │ ├── contribution_guide.md │ │ ├── faq.md │ │ ├── guide_to_framework.md │ │ ├── installation.md │ │ ├── overview.md │ │ └── quick_run.md │ ├── index.rst │ ├── make.bat │ ├── migration.md │ ├── notes │ │ ├── changelog.md │ │ ├── ecosystem.md │ │ └── pytorch2.0.md │ ├── project_zoo.py │ ├── stat.py │ ├── switch_language.md │ ├── useful_tools.md │ ├── user_guides │ │ ├── config.md │ │ ├── finetune.md │ │ ├── inference.md │ │ ├── prepare_dataset.md │ │ └── train_test.md │ └── utils.py └── zh_cn │ ├── Makefile │ ├── _static │ ├── css │ │ └── readthedocs.css │ ├── images │ │ └── logo.png │ └── js │ │ └── custom.js │ ├── _templates │ └── 404.html │ ├── advanced_guides │ ├── customize_dataset.md │ ├── customize_logging.md │ ├── customize_models.md │ ├── customize_optimizer.md │ ├── customize_pipeline.md │ ├── dataflow.md │ └── depoly.md │ ├── api.rst │ ├── conf.py │ ├── dataset_zoo.py │ ├── docutils.conf │ ├── get_started │ ├── contribution_guide.md │ ├── faq.md │ ├── guide_to_framework.md │ ├── installation.md │ ├── overview.md │ └── quick_run.md │ ├── index.rst │ ├── make.bat │ ├── migration.md │ ├── notes │ ├── ecosystem.md │ └── pytorch2.0.md │ ├── project_zoo.py │ ├── stat.py │ ├── switch_language.md │ ├── useful_tools.md │ ├── user_guides │ ├── config.md │ ├── finetune.md │ ├── inference.md │ ├── prepare_dataset.md │ └── train_test.md │ └── utils.py ├── mmaction ├── __init__.py ├── apis │ ├── __init__.py │ ├── inference.py │ └── inferencers │ │ ├── __init__.py │ │ ├── actionrecog_inferencer.py │ │ └── mmaction2_inferencer.py ├── configs │ ├── _base_ │ │ ├── __init__.py │ │ ├── default_runtime.py │ │ └── models │ │ │ ├── __init__.py │ │ │ ├── slowfast_r50.py │ │ │ ├── slowonly_r50.py │ │ │ └── swin_tiny.py │ ├── recognition │ │ ├── slowfast │ │ │ ├── __init__.py │ │ │ └── slowfast_r50_8xb8_4x16x1_256e_kinetics400_rgb.py │ │ ├── slowonly │ │ │ ├── __init__.py │ │ │ └── slowonly_r50_8xb16_4x16x1_256e_kinetics400_rgb.py │ │ ├── swin │ │ │ ├── __init__.py │ │ │ ├── swin_base_p244_w877_in1k_pre_8xb8_amp_32x2x1_30e_kinetics400_rgb.py │ │ │ ├── swin_large_p244_w877_in22k_pre_16xb8_amp_32x2x1_30e_kinetics700_rgb.py │ │ │ ├── swin_large_p244_w877_in22k_pre_8xb8_amp_32x2x1_30e_kinetics400_rgb.py │ │ │ ├── swin_small_p244_w877_in1k_pre_32xb4_amp_32x2x1_30e_kinetics710_rgb.py │ │ │ ├── swin_small_p244_w877_in1k_pre_8xb8_amp_32x2x1_30e_kinetics400_rgb.py │ │ │ └── swin_tiny_p244_w877_in1k_pre_8xb8_amp_32x2x1_30e_kinetics400_rgb.py │ │ └── uniformerv2 │ │ │ ├── __init__.py │ │ │ └── uniformerv2_base_p16_res224_clip_kinetics710_pre_u8_kinetics400_rgb.py │ └── skeleton │ │ └── posec3d │ │ ├── __init__.py │ │ └── slowonly_r50_8xb16_u48_240e_ntu60_xsub_limb.py ├── datasets │ ├── __init__.py │ ├── activitynet_dataset.py │ ├── audio_dataset.py │ ├── ava_dataset.py │ ├── base.py │ ├── charades_sta_dataset.py │ ├── msrvtt_datasets.py │ ├── pose_dataset.py │ ├── rawframe_dataset.py │ ├── repeat_aug_dataset.py │ ├── transforms │ │ ├── __init__.py │ │ ├── formatting.py │ │ ├── loading.py │ │ ├── pose_transforms.py │ │ ├── processing.py │ │ ├── text_transforms.py │ │ └── wrappers.py │ ├── video_dataset.py │ └── video_text_dataset.py ├── engine │ ├── __init__.py │ ├── hooks │ │ ├── __init__.py │ │ ├── output.py │ │ └── visualization_hook.py │ ├── model │ │ ├── __init__.py │ │ └── weight_init.py │ ├── optimizers │ │ ├── __init__.py │ │ ├── layer_decay_optim_wrapper_constructor.py │ │ ├── swin_optim_wrapper_constructor.py │ │ └── tsm_optim_wrapper_constructor.py │ └── runner │ │ ├── __init__.py │ │ ├── multi_loop.py │ │ └── retrieval_loop.py ├── evaluation │ ├── __init__.py │ ├── functional │ │ ├── __init__.py │ │ ├── accuracy.py │ │ ├── ava_evaluation │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── metrics.py │ │ │ ├── np_box_list.py │ │ │ └── np_box_ops.py │ │ ├── ava_utils.py │ │ ├── eval_detection.py │ │ └── multisports_utils.py │ └── metrics │ │ ├── __init__.py │ │ ├── acc_metric.py │ │ ├── anet_metric.py │ │ ├── ava_metric.py │ │ ├── multimodal_metric.py │ │ ├── multisports_metric.py │ │ ├── retrieval_metric.py │ │ └── video_grounding_metric.py ├── models │ ├── __init__.py │ ├── backbones │ │ ├── __init__.py │ │ ├── aagcn.py │ │ ├── c2d.py │ │ ├── c3d.py │ │ ├── mobilenet_v2.py │ │ ├── mobilenet_v2_tsm.py │ │ ├── mobileone_tsm.py │ │ ├── mvit.py │ │ ├── resnet.py │ │ ├── resnet2plus1d.py │ │ ├── resnet3d.py │ │ ├── resnet3d_csn.py │ │ ├── resnet3d_slowfast.py │ │ ├── resnet3d_slowonly.py │ │ ├── resnet_audio.py │ │ ├── resnet_omni.py │ │ ├── resnet_tin.py │ │ ├── resnet_tsm.py │ │ ├── rgbposeconv3d.py │ │ ├── stgcn.py │ │ ├── swin.py │ │ ├── tanet.py │ │ ├── timesformer.py │ │ ├── uniformer.py │ │ ├── uniformerv2.py │ │ ├── vit_mae.py │ │ └── x3d.py │ ├── common │ │ ├── __init__.py │ │ ├── conv2plus1d.py │ │ ├── conv_audio.py │ │ ├── sub_batchnorm3d.py │ │ ├── tam.py │ │ └── transformer.py │ ├── data_preprocessors │ │ ├── __init__.py │ │ ├── data_preprocessor.py │ │ └── multimodal_data_preprocessor.py │ ├── heads │ │ ├── __init__.py │ │ ├── base.py │ │ ├── feature_head.py │ │ ├── gcn_head.py │ │ ├── i3d_head.py │ │ ├── mvit_head.py │ │ ├── omni_head.py │ │ ├── rgbpose_head.py │ │ ├── slowfast_head.py │ │ ├── timesformer_head.py │ │ ├── tpn_head.py │ │ ├── trn_head.py │ │ ├── tsm_head.py │ │ ├── tsn_audio_head.py │ │ ├── tsn_head.py │ │ ├── uniformer_head.py │ │ └── x3d_head.py │ ├── localizers │ │ ├── __init__.py │ │ ├── bmn.py │ │ ├── bsn.py │ │ ├── drn │ │ │ ├── drn.py │ │ │ └── drn_utils │ │ │ │ ├── FPN.py │ │ │ │ ├── __init__.py │ │ │ │ ├── backbone.py │ │ │ │ ├── fcos.py │ │ │ │ ├── inference.py │ │ │ │ ├── language_module.py │ │ │ │ └── loss.py │ │ ├── tcanet.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── bsn_utils.py │ │ │ ├── proposal_utils.py │ │ │ └── tcanet_utils.py │ ├── losses │ │ ├── __init__.py │ │ ├── base.py │ │ ├── binary_logistic_regression_loss.py │ │ ├── bmn_loss.py │ │ ├── cross_entropy_loss.py │ │ ├── hvu_loss.py │ │ ├── nll_loss.py │ │ ├── ohem_hinge_loss.py │ │ └── ssn_loss.py │ ├── multimodal │ │ ├── __init__.py │ │ └── vindlu │ │ │ ├── __init__.py │ │ │ ├── beit3d.py │ │ │ ├── modeling_bert.py │ │ │ ├── temporal_model.py │ │ │ ├── tokenizer.py │ │ │ ├── utils.py │ │ │ ├── vindlu.py │ │ │ ├── vindlu_ret.py │ │ │ ├── vindlu_ret_mc.py │ │ │ ├── vindlu_vqa.py │ │ │ └── xbert.py │ ├── necks │ │ ├── __init__.py │ │ └── tpn.py │ ├── recognizers │ │ ├── __init__.py │ │ ├── base.py │ │ ├── recognizer2d.py │ │ ├── recognizer3d.py │ │ ├── recognizer3d_mm.py │ │ ├── recognizer_audio.py │ │ ├── recognizer_gcn.py │ │ └── recognizer_omni.py │ ├── roi_heads │ │ ├── __init__.py │ │ ├── bbox_heads │ │ │ ├── __init__.py │ │ │ └── bbox_head.py │ │ ├── roi_extractors │ │ │ ├── __init__.py │ │ │ └── single_straight3d.py │ │ ├── roi_head.py │ │ └── shared_heads │ │ │ ├── __init__.py │ │ │ ├── acrn_head.py │ │ │ ├── fbo_head.py │ │ │ ├── lfb.py │ │ │ └── lfb_infer_head.py │ ├── similarity │ │ ├── __init__.py │ │ ├── adapters.py │ │ └── clip_similarity.py │ ├── task_modules │ │ ├── __init__.py │ │ └── assigners │ │ │ ├── __init__.py │ │ │ └── max_iou_assigner_ava.py │ └── utils │ │ ├── __init__.py │ │ ├── blending_utils.py │ │ ├── embed.py │ │ ├── gcn_utils.py │ │ └── graph.py ├── registry.py ├── structures │ ├── __init__.py │ ├── action_data_sample.py │ └── bbox │ │ ├── __init__.py │ │ ├── bbox_target.py │ │ └── transforms.py ├── testing │ ├── __init__.py │ └── _utils.py ├── utils │ ├── __init__.py │ ├── collect_env.py │ ├── dependency.py │ ├── gradcam_utils.py │ ├── misc.py │ ├── progress.py │ ├── setup_env.py │ └── typing_utils.py ├── version.py └── visualization │ ├── __init__.py │ ├── action_visualizer.py │ └── video_backend.py ├── model-index.yml ├── projects ├── README.md ├── actionclip │ ├── README.md │ ├── configs │ │ ├── actionclip_vit-base-p16-res224-clip-pre_1x1x16_k400-rgb.py │ │ ├── actionclip_vit-base-p16-res224-clip-pre_1x1x32_k400-rgb.py │ │ ├── actionclip_vit-base-p16-res224-clip-pre_1x1x8_k400-rgb.py │ │ ├── actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb.py │ │ ├── actionclip_vit-base-p32-res224-clip-pre_1x1x8_k400-rgb.py │ │ ├── actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb.py │ │ └── label_map_k400.txt │ └── models │ │ ├── __init__.py │ │ ├── actionclip.py │ │ ├── adapter.py │ │ └── load.py ├── ctrgcn │ ├── README.md │ ├── configs │ │ ├── ctrgcn_8xb16-joint-u100-80e_ntu60-xsub-keypoint-2d.py │ │ └── ctrgcn_8xb16-joint-u100-80e_ntu60-xsub-keypoint-3d.py │ └── models │ │ ├── __init__.py │ │ ├── ctrgcn.py │ │ └── ctrgcn_utils.py ├── example_project │ ├── README.md │ ├── configs │ │ └── examplenet_r50-in1k-pre_8xb32-1x1x3-100e_kinetics400-rgb.py │ └── models │ │ ├── __init__.py │ │ └── example_net.py ├── gesture_recognition │ ├── README.md │ ├── TRAINING.md │ ├── configs │ │ ├── rtmdet-nano_8xb32-300e_multi-dataset-hand-320x320.py │ │ ├── rtmpose-m_8xb32-210e_coco-wholebody-hand-256x256.py │ │ └── stgcnpp_8xb16-joint-u100-16e_jester-keypoint-2d.py │ ├── demo │ │ ├── hand_det.jpg │ │ └── hand_det_out.jpg │ ├── extract_keypoint.py │ └── parse_pose.py ├── knowledge_distillation │ ├── README.md │ └── configs │ │ ├── kd_logits_tsm-res50_tsm-mobilenetv2_8xb16_k400.py │ │ └── kd_logits_tsn-swin_tsn-r50_8xb16_k400.py ├── msg3d │ ├── README.md │ ├── configs │ │ ├── msg3d_8xb16-joint-u100-80e_ntu60-xsub-keypoint-2d.py │ │ └── msg3d_8xb16-joint-u100-80e_ntu60-xsub-keypoint-3d.py │ └── models │ │ ├── __init__.py │ │ ├── msg3d.py │ │ └── msg3d_utils.py ├── stad_tutorial │ ├── configs │ │ ├── faster-rcnn_r50-caffe_fpn_ms-1x_coco.py │ │ ├── faster-rcnn_r50-caffe_fpn_ms-1x_coco_ms_person.py │ │ └── slowonly_k400_multisports.py │ ├── demo_stad.ipynb │ ├── demo_stad_zh_CN.ipynb │ └── tools │ │ ├── convert_proposals.py │ │ ├── generate_mmdet_anno.py │ │ ├── generate_rgb.py │ │ └── images2coco.py └── umt │ ├── README.md │ ├── configs │ ├── umt-base-p16-res224_kinetics710-pre-ft_u8_k400-rgb.py │ ├── umt-base-p16-res224_kinetics710-pre-ft_u8_k700-rgb.py │ ├── umt-large-p16-res224_kinetics710-pre-ft_u8_k400-rgb.py │ └── umt-large-p16-res224_kinetics710-pre-ft_u8_k700-rgb.py │ └── models │ ├── __init__.py │ └── vit.py ├── requirements.txt ├── requirements ├── build.txt ├── docs.txt ├── mminstall.txt ├── multimodal.txt ├── optional.txt ├── readthedocs.txt └── tests.txt ├── resources ├── acc_curve.png ├── data_pipeline.png ├── miaomiao_qrcode.jpg ├── mmaction2_logo.png ├── mmaction2_overview.gif ├── qq_group_qrcode.jpg ├── spatio-temporal-det.gif └── zhihu_qrcode.jpg ├── setup.cfg ├── setup.py ├── tests ├── apis │ ├── test_inference.py │ └── test_inferencer.py ├── data │ ├── activitynet_features │ │ ├── v_test1.csv │ │ └── v_test2.csv │ ├── annotations │ │ ├── action_test_anno.json │ │ ├── audio_feature_test_list.txt │ │ ├── audio_test_list.txt │ │ ├── hvu_frame_test_anno.json │ │ ├── hvu_video_eval_test_anno.json │ │ ├── hvu_video_test_anno.json │ │ ├── proposal_normalized_list.txt │ │ ├── proposal_test_list.txt │ │ ├── rawframe_test_list.txt │ │ ├── rawframe_test_list_multi_label.txt │ │ ├── rawframe_test_list_with_offset.txt │ │ ├── rawvideo_test_anno.json │ │ ├── rawvideo_test_anno.txt │ │ ├── sample.pkl │ │ ├── video_test_list.txt │ │ ├── video_test_list_multi_label.txt │ │ └── video_text_test_list.json │ ├── ava_dataset │ │ ├── action_list.txt │ │ ├── ava_excluded_timestamps_sample.csv │ │ ├── ava_proposals_sample.pkl │ │ └── ava_sample.csv │ ├── bsp_features │ │ └── v_test1.npy │ ├── eval_detection │ │ ├── action_list.txt │ │ ├── gt.csv │ │ ├── pred.csv │ │ └── proposal.pkl │ ├── eval_localization │ │ ├── gt.json │ │ └── result.json │ ├── eval_multisports │ │ ├── data_samples.pkl │ │ └── gt.pkl │ ├── imgs │ │ ├── img_00001.jpg │ │ ├── img_00002.jpg │ │ ├── img_00003.jpg │ │ ├── img_00004.jpg │ │ ├── img_00005.jpg │ │ ├── img_00006.jpg │ │ ├── img_00007.jpg │ │ ├── img_00008.jpg │ │ ├── img_00009.jpg │ │ ├── img_00010.jpg │ │ ├── x_00001.jpg │ │ ├── x_00002.jpg │ │ ├── x_00003.jpg │ │ ├── x_00004.jpg │ │ ├── x_00005.jpg │ │ ├── y_00001.jpg │ │ ├── y_00002.jpg │ │ ├── y_00003.jpg │ │ ├── y_00004.jpg │ │ └── y_00005.jpg │ ├── lfb │ │ └── lfb_unittest.pkl │ ├── multisports_dataset │ │ ├── multisports_proposals_sample.pkl │ │ └── multisports_sample.csv │ ├── proposals │ │ ├── v_test1.csv │ │ └── v_test2.csv │ ├── rawvideo_dataset │ │ ├── part_0.mp4 │ │ └── part_1.mp4 │ ├── tem_results │ │ ├── v_test1.csv │ │ └── v_test2.csv │ ├── test.avi │ ├── test.jpg │ ├── test.mp4 │ └── test.wav ├── datasets │ ├── __init__.py │ ├── base.py │ ├── test_ava_dataset.py │ ├── test_pose_dataset.py │ ├── test_rawframe_dataset.py │ ├── test_repeataug_dataset.py │ ├── test_video_dataset.py │ ├── test_video_text_dataset.py │ └── transforms │ │ ├── test_formating.py │ │ ├── test_loading.py │ │ ├── test_pose_transforms.py │ │ ├── test_processing.py │ │ ├── test_sampling.py │ │ ├── test_text_transforms.py │ │ └── test_wrappers.py ├── engine │ └── optimizers │ │ └── test_swin_optim_wrapper_constructor.py ├── evaluation │ └── metrics │ │ ├── test_acc_metric.py │ │ ├── test_metric_utils.py │ │ └── test_retrieval_metric.py ├── models │ ├── backbones │ │ ├── __init__.py │ │ ├── test_aagcn.py │ │ ├── test_c2d.py │ │ ├── test_c3d.py │ │ ├── test_mobilenet_v2.py │ │ ├── test_mobilenet_v2_tsm.py │ │ ├── test_mobileone_tsm.py │ │ ├── test_mvit.py │ │ ├── test_resnet.py │ │ ├── test_resnet2plus1d.py │ │ ├── test_resnet3d.py │ │ ├── test_resnet3d_csn.py │ │ ├── test_resnet3d_slowfast.py │ │ ├── test_resnet3d_slowonly.py │ │ ├── test_resnet_audio.py │ │ ├── test_resnet_omni.py │ │ ├── test_resnet_tin.py │ │ ├── test_resnet_tsm.py │ │ ├── test_rgbposeconv3d.py │ │ ├── test_stgcn.py │ │ ├── test_swin.py │ │ ├── test_tanet.py │ │ ├── test_timesformer.py │ │ ├── test_uniformer.py │ │ ├── test_uniformerv2.py │ │ ├── test_vit_mae.py │ │ └── test_x3d.py │ ├── common │ │ ├── test_conv2plus1d.py │ │ ├── test_conv_audio.py │ │ ├── test_sub_batchnorm3d.py │ │ ├── test_tam.py │ │ └── test_transformer.py │ ├── data_preprocessors │ │ ├── __init__.py │ │ ├── test_data_preprocessor.py │ │ └── test_multimodal_data_preprocessor.py │ ├── heads │ │ ├── test_feature_head.py │ │ ├── test_gcn_head.py │ │ ├── test_i3d_head.py │ │ ├── test_mvit_head.py │ │ ├── test_omni_head.py │ │ ├── test_rgbpose_head.py │ │ ├── test_slowfast_head.py │ │ ├── test_timesformer_head.py │ │ ├── test_tpn_head.py │ │ ├── test_trn_head.py │ │ ├── test_tsm_head.py │ │ ├── test_tsn_head.py │ │ └── test_x3d_head.py │ ├── localizers │ │ ├── __init__.py │ │ ├── test_bmn.py │ │ ├── test_localization_utils.py │ │ ├── test_localizers.py │ │ ├── test_pem.py │ │ └── test_tem.py │ ├── losses │ │ ├── test_binary_logistic_regression_loss.py │ │ ├── test_bmn_loss.py │ │ ├── test_cross_entropy_loss.py │ │ ├── test_hvu_loss.py │ │ ├── test_ohem_hinge_loss.py │ │ └── test_ssn_loss.py │ ├── necks │ │ ├── __init__.py │ │ └── test_tpn.py │ ├── recognizers │ │ ├── __init__.py │ │ ├── recognizer_omni.py │ │ ├── test_recognizer2d.py │ │ ├── test_recognizer3d.py │ │ └── test_recognizer_gcn.py │ ├── roi_heads │ │ ├── test_bbox_heads.py │ │ ├── test_fbo_head.py │ │ ├── test_roi_extractors.py │ │ └── test_shared_heads.py │ ├── similarity │ │ ├── test_adapters.py │ │ └── test_clip_similarity.py │ └── utils │ │ ├── __init__.py │ │ ├── test_blending_utils.py │ │ └── test_gradcam.py ├── structures │ └── bbox │ │ ├── assigners │ │ └── test_max_iou_assigner_ava.py │ │ ├── test_bbox_target.py │ │ └── test_transforms.py ├── utils │ └── test_misc.py └── visualization │ ├── test_action_visualizer.py │ └── test_video_backend.py └── tools ├── analysis_tools ├── analyze_logs.py ├── bench_processing.py ├── benchmark.py ├── check_videos.py ├── confusion_matrix.py ├── eval_metric.py ├── get_flops.py ├── print_config.py ├── report_accuracy.py └── report_map.py ├── argparse.bash ├── convert ├── convert_recognizer.py └── reparameterize_model.py ├── data ├── activitynet │ ├── README.md │ ├── README_zh-CN.md │ ├── action_name.csv │ ├── activitynet_feature_postprocessing.py │ ├── convert_proposal_format.py │ ├── download.py │ ├── download_annotations.sh │ ├── download_bsn_videos.sh │ ├── download_feature_annotations.sh │ ├── download_features.sh │ ├── download_videos.sh │ ├── environment.yml │ ├── extract_frames.sh │ ├── generate_rawframes_filelist.py │ ├── label_map.txt │ ├── process_annotations.py │ ├── tsn_extract_flow_feat_config.py │ ├── tsn_extract_rgb_feat_config.py │ └── tsn_extract_video_feat_config.py ├── anno_txt2json.py ├── ava │ ├── AVA_annotation_explained.md │ ├── README.md │ ├── README_zh-CN.md │ ├── cut_videos.sh │ ├── download_annotations.sh │ ├── download_videos.sh │ ├── download_videos_gnu_parallel.sh │ ├── download_videos_parallel.py │ ├── download_videos_parallel.sh │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_ffmpeg.sh │ ├── fetch_ava_proposals.sh │ └── label_map.txt ├── ava_kinetics │ ├── README.md │ ├── X-101-64x4d-FPN.py │ ├── cut_kinetics.py │ ├── extract_rgb_frames.py │ ├── fetch_proposal.py │ ├── merge_annotations.py │ ├── prepare_annotation.py │ └── softlink_ava.py ├── build_audio_features.py ├── build_file_list.py ├── build_rawframes.py ├── build_videos.py ├── charades-sta │ ├── README.md │ └── download_annotations.sh ├── denormalize_proposal_file.py ├── diving48 │ ├── README.md │ ├── README_zh-CN.md │ ├── download_annotations.sh │ ├── download_videos.sh │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_opencv.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ ├── label_map.txt │ └── preprocess.sh ├── extract_audio.py ├── gym │ ├── README.md │ ├── README_zh-CN.md │ ├── download.py │ ├── download_annotations.sh │ ├── download_videos.sh │ ├── environment.yml │ ├── extract_frames.sh │ ├── generate_file_list.py │ ├── label_map.txt │ ├── trim_event.py │ └── trim_subaction.py ├── hacs │ ├── README-CN.md │ ├── README.md │ ├── generate_anotations.py │ ├── generate_list.py │ ├── slowonly_feature_infer.py │ └── write_feature_csv.py ├── hmdb51 │ ├── README.md │ ├── README_zh-CN.md │ ├── download_annotations.sh │ ├── download_videos.sh │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_opencv.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ └── label_map.txt ├── hvu │ ├── README.md │ ├── README_zh-CN.md │ ├── download.py │ ├── download_annotations.sh │ ├── download_videos.sh │ ├── environment.yml │ ├── extract_frames.sh │ ├── generate_file_list.py │ ├── generate_rawframes_filelist.sh │ ├── generate_sub_file_list.py │ ├── generate_videos_filelist.sh │ ├── label_map.json │ └── parse_tag_list.py ├── jester │ ├── README.md │ ├── README_zh-CN.md │ ├── encode_videos.sh │ ├── extract_flow.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ └── label_map.txt ├── jhmdb │ ├── README.md │ └── README_zh-CN.md ├── kinetics │ ├── README.md │ ├── README_zh-CN.md │ ├── download.py │ ├── download_annotations.sh │ ├── download_backup_annotations.sh │ ├── download_videos.sh │ ├── environment.yml │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_opencv.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ ├── label_map_k400.txt │ ├── label_map_k600.txt │ ├── label_map_k700.txt │ ├── preprocess_k400.sh │ ├── preprocess_k600.sh │ ├── preprocess_k700.sh │ └── rename_classnames.sh ├── kinetics710 │ ├── README.md │ ├── README_zh-CN.md │ └── label_map_k710.txt ├── mit │ ├── README.md │ ├── README_zh-CN.md │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_opencv.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ ├── label_map.txt │ └── preprocess_data.sh ├── mmit │ ├── README.md │ ├── README_zh-CN.md │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_opencv.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ ├── label_map.txt │ └── preprocess_data.sh ├── msrvtt │ ├── README.md │ ├── README_zh-CN.md │ ├── compress.py │ ├── compress_msrvtt.sh │ └── download_msrvtt.sh ├── multisports │ ├── README.md │ ├── README_zh-CN.md │ ├── format_det_result.py │ ├── label_map.txt │ └── parse_anno.py ├── omnisource │ ├── README.md │ ├── README_zh-CN.md │ └── trim_raw_video.py ├── parse_file_list.py ├── resize_videos.py ├── skeleton │ ├── NTU_RGBD120_samples_with_missing_skeletons.txt │ ├── NTU_RGBD_samples_with_missing_skeletons.txt │ ├── README.md │ ├── README_zh-CN.md │ ├── S001C001P001R001A001_rgb.avi │ ├── babel2mma2.py │ ├── compress_nturgbd.py │ ├── gen_ntu_rgbd_raw.py │ ├── label_map_gym99.txt │ ├── label_map_ntu60.txt │ └── ntu_pose_extraction.py ├── sthv1 │ ├── README.md │ ├── README_zh-CN.md │ ├── encode_videos.sh │ ├── extract_flow.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ └── label_map.txt ├── sthv2 │ ├── README.md │ ├── README_zh-CN.md │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_opencv.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ ├── label_map.txt │ └── preprocss.sh ├── thumos14 │ ├── README.md │ ├── README_zh-CN.md │ ├── denormalize_proposal_file.sh │ ├── download_annotations.sh │ ├── download_videos.sh │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_opencv.sh │ └── fetch_tag_proposals.sh ├── ucf101 │ ├── README.md │ ├── README_zh-CN.md │ ├── download_annotations.sh │ ├── download_videos.sh │ ├── extract_frames.sh │ ├── extract_rgb_frames.sh │ ├── extract_rgb_frames_opencv.sh │ ├── generate_rawframes_filelist.sh │ ├── generate_videos_filelist.sh │ └── label_map.txt ├── ucf101_24 │ ├── README.md │ └── README_zh-CN.md └── video_retrieval │ ├── README.md │ ├── README_zh-CN.md │ ├── prepare_msrvtt.py │ ├── prepare_msrvtt.sh │ ├── prepare_msvd.py │ └── prepare_msvd.sh ├── deployment ├── export_onnx_gcn.py ├── export_onnx_posec3d.py ├── export_onnx_stdet.py ├── mmaction2torchserve.py ├── mmaction_handler.py └── publish_model.py ├── dist_test.sh ├── dist_train.sh ├── misc ├── bsn_proposal_generation.py ├── clip_feature_extraction.py ├── dist_clip_feature_extraction.sh └── flow_extraction.py ├── slurm_test.sh ├── slurm_train.sh ├── test.py ├── train.py └── visualizations ├── browse_dataset.py ├── vis_cam.py └── vis_scheduler.py /.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.circleci/config.yml -------------------------------------------------------------------------------- /.circleci/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.circleci/docker/Dockerfile -------------------------------------------------------------------------------- /.circleci/test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.circleci/test.yml -------------------------------------------------------------------------------- /.github/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/1-bug-report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/ISSUE_TEMPLATE/1-bug-report.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/2-feature-request.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/ISSUE_TEMPLATE/2-feature-request.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/3-documentation.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/ISSUE_TEMPLATE/3-documentation.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/ISSUE_TEMPLATE/config.yml -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/workflows/lint.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/workflows/lint.yml -------------------------------------------------------------------------------- /.github/workflows/merge_stage_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/workflows/merge_stage_test.yml -------------------------------------------------------------------------------- /.github/workflows/pr_stage_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/workflows/pr_stage_test.yml -------------------------------------------------------------------------------- /.github/workflows/publish-to-pypi.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.github/workflows/publish-to-pypi.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.gitignore -------------------------------------------------------------------------------- /.owners.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.owners.yml -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.pylintrc -------------------------------------------------------------------------------- /.readthedocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/.readthedocs.yml -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/CITATION.cff -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/README.md -------------------------------------------------------------------------------- /README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/README_zh-CN.md -------------------------------------------------------------------------------- /configs/_base_/default_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/default_runtime.py -------------------------------------------------------------------------------- /configs/_base_/models/audioonly_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/audioonly_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/bmn_400x100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/bmn_400x100.py -------------------------------------------------------------------------------- /configs/_base_/models/bsn_pem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/bsn_pem.py -------------------------------------------------------------------------------- /configs/_base_/models/bsn_tem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/bsn_tem.py -------------------------------------------------------------------------------- /configs/_base_/models/c2d_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/c2d_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/c3d_sports1m_pretrained.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/c3d_sports1m_pretrained.py -------------------------------------------------------------------------------- /configs/_base_/models/i3d_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/i3d_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/ircsn_r152.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/ircsn_r152.py -------------------------------------------------------------------------------- /configs/_base_/models/mvit_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/mvit_small.py -------------------------------------------------------------------------------- /configs/_base_/models/r2plus1d_r34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/r2plus1d_r34.py -------------------------------------------------------------------------------- /configs/_base_/models/slowfast_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/slowfast_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/slowonly_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/slowonly_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/swin_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/swin_tiny.py -------------------------------------------------------------------------------- /configs/_base_/models/tanet_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tanet_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/tin_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tin_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/tpn_slowonly_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tpn_slowonly_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/tpn_tsm_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tpn_tsm_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/trn_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/trn_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/tsm_mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tsm_mobilenet_v2.py -------------------------------------------------------------------------------- /configs/_base_/models/tsm_mobileone_s4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tsm_mobileone_s4.py -------------------------------------------------------------------------------- /configs/_base_/models/tsm_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tsm_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/tsn_mobileone_s0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tsn_mobileone_s0.py -------------------------------------------------------------------------------- /configs/_base_/models/tsn_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/tsn_r50.py -------------------------------------------------------------------------------- /configs/_base_/models/x3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/models/x3d.py -------------------------------------------------------------------------------- /configs/_base_/schedules/adam_20e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/schedules/adam_20e.py -------------------------------------------------------------------------------- /configs/_base_/schedules/sgd_100e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/schedules/sgd_100e.py -------------------------------------------------------------------------------- /configs/_base_/schedules/sgd_150e_warmup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/schedules/sgd_150e_warmup.py -------------------------------------------------------------------------------- /configs/_base_/schedules/sgd_50e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/schedules/sgd_50e.py -------------------------------------------------------------------------------- /configs/_base_/schedules/sgd_tsm_100e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/schedules/sgd_tsm_100e.py -------------------------------------------------------------------------------- /configs/_base_/schedules/sgd_tsm_50e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/schedules/sgd_tsm_50e.py -------------------------------------------------------------------------------- /configs/_base_/schedules/sgd_tsm_mobilenet_v2_100e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/schedules/sgd_tsm_mobilenet_v2_100e.py -------------------------------------------------------------------------------- /configs/_base_/schedules/sgd_tsm_mobilenet_v2_50e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/_base_/schedules/sgd_tsm_mobilenet_v2_50e.py -------------------------------------------------------------------------------- /configs/recognition/tin/tin_genvidbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/recognition/tin/tin_genvidbench.py -------------------------------------------------------------------------------- /configs/recognition/tpn/tpn_genvidbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/recognition/tpn/tpn_genvidbench.py -------------------------------------------------------------------------------- /configs/recognition/trn/trn_genvidbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/recognition/trn/trn_genvidbench.py -------------------------------------------------------------------------------- /configs/recognition/tsm/tsm_genvidench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/recognition/tsm/tsm_genvidench.py -------------------------------------------------------------------------------- /configs/recognition/uniformerv2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/recognition/uniformerv2/README.md -------------------------------------------------------------------------------- /configs/recognition/uniformerv2/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/recognition/uniformerv2/README_zh-CN.md -------------------------------------------------------------------------------- /configs/recognition/uniformerv2/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/configs/recognition/uniformerv2/metafile.yml -------------------------------------------------------------------------------- /data/Pari1_sampled_dataset.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/data/Pari1_sampled_dataset.zip -------------------------------------------------------------------------------- /dataset-index.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/dataset-index.yml -------------------------------------------------------------------------------- /demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/README.md -------------------------------------------------------------------------------- /demo/demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo.ipynb -------------------------------------------------------------------------------- /demo/demo.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo.mp4 -------------------------------------------------------------------------------- /demo/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo.py -------------------------------------------------------------------------------- /demo/demo_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_audio.py -------------------------------------------------------------------------------- /demo/demo_configs/faster-rcnn_r50_fpn_2x_coco_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_configs/faster-rcnn_r50_fpn_2x_coco_infer.py -------------------------------------------------------------------------------- /demo/demo_configs/i3d_r50_32x2x1_rawframes_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_configs/i3d_r50_32x2x1_rawframes_infer.py -------------------------------------------------------------------------------- /demo/demo_configs/i3d_r50_32x2x1_video_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_configs/i3d_r50_32x2x1_video_infer.py -------------------------------------------------------------------------------- /demo/demo_configs/tsn_r50_1x1x8_rawframes_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_configs/tsn_r50_1x1x8_rawframes_infer.py -------------------------------------------------------------------------------- /demo/demo_configs/tsn_r50_1x1x8_video_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_configs/tsn_r50_1x1x8_video_infer.py -------------------------------------------------------------------------------- /demo/demo_inferencer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_inferencer.py -------------------------------------------------------------------------------- /demo/demo_skeleton.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_skeleton.mp4 -------------------------------------------------------------------------------- /demo/demo_skeleton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_skeleton.py -------------------------------------------------------------------------------- /demo/demo_spatiotemporal_det.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_spatiotemporal_det.mp4 -------------------------------------------------------------------------------- /demo/demo_spatiotemporal_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_spatiotemporal_det.py -------------------------------------------------------------------------------- /demo/demo_spatiotemporal_det_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_spatiotemporal_det_onnx.py -------------------------------------------------------------------------------- /demo/demo_video_structuralize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/demo_video_structuralize.py -------------------------------------------------------------------------------- /demo/long_video_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/long_video_demo.py -------------------------------------------------------------------------------- /demo/mmaction2_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/mmaction2_tutorial.ipynb -------------------------------------------------------------------------------- /demo/test_video_structuralize.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/test_video_structuralize.mp4 -------------------------------------------------------------------------------- /demo/webcam_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/webcam_demo.py -------------------------------------------------------------------------------- /demo/webcam_demo_spatiotemporal_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/demo/webcam_demo_spatiotemporal_det.py -------------------------------------------------------------------------------- /docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docker/Dockerfile -------------------------------------------------------------------------------- /docker/serve/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docker/serve/Dockerfile -------------------------------------------------------------------------------- /docker/serve/config.properties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docker/serve/config.properties -------------------------------------------------------------------------------- /docker/serve/entrypoint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docker/serve/entrypoint.sh -------------------------------------------------------------------------------- /docs/en/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/Makefile -------------------------------------------------------------------------------- /docs/en/_static/css/readthedocs.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/_static/css/readthedocs.css -------------------------------------------------------------------------------- /docs/en/_static/images/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/_static/images/logo.png -------------------------------------------------------------------------------- /docs/en/_static/js/custom.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/_static/js/custom.js -------------------------------------------------------------------------------- /docs/en/_templates/404.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/_templates/404.html -------------------------------------------------------------------------------- /docs/en/advanced_guides/customize_dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/advanced_guides/customize_dataset.md -------------------------------------------------------------------------------- /docs/en/advanced_guides/customize_logging.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/advanced_guides/customize_logging.md -------------------------------------------------------------------------------- /docs/en/advanced_guides/customize_models.md: -------------------------------------------------------------------------------- 1 | # Customize Models 2 | 3 | coming soon... 4 | -------------------------------------------------------------------------------- /docs/en/advanced_guides/customize_optimizer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/advanced_guides/customize_optimizer.md -------------------------------------------------------------------------------- /docs/en/advanced_guides/customize_pipeline.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/advanced_guides/customize_pipeline.md -------------------------------------------------------------------------------- /docs/en/advanced_guides/dataflow.md: -------------------------------------------------------------------------------- 1 | # Dataflow in MMAction2 2 | 3 | coming soon... 4 | -------------------------------------------------------------------------------- /docs/en/advanced_guides/depoly.md: -------------------------------------------------------------------------------- 1 | # How to deploy MMAction2 models 2 | 3 | coming soon... 4 | -------------------------------------------------------------------------------- /docs/en/api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/api.rst -------------------------------------------------------------------------------- /docs/en/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/conf.py -------------------------------------------------------------------------------- /docs/en/dataset_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/dataset_zoo.py -------------------------------------------------------------------------------- /docs/en/docutils.conf: -------------------------------------------------------------------------------- 1 | [html writers] 2 | table_style: colwidths-auto 3 | -------------------------------------------------------------------------------- /docs/en/get_started/contribution_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/get_started/contribution_guide.md -------------------------------------------------------------------------------- /docs/en/get_started/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/get_started/faq.md -------------------------------------------------------------------------------- /docs/en/get_started/guide_to_framework.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/get_started/guide_to_framework.md -------------------------------------------------------------------------------- /docs/en/get_started/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/get_started/installation.md -------------------------------------------------------------------------------- /docs/en/get_started/overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/get_started/overview.md -------------------------------------------------------------------------------- /docs/en/get_started/quick_run.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/get_started/quick_run.md -------------------------------------------------------------------------------- /docs/en/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/index.rst -------------------------------------------------------------------------------- /docs/en/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/make.bat -------------------------------------------------------------------------------- /docs/en/migration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/migration.md -------------------------------------------------------------------------------- /docs/en/notes/changelog.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/notes/changelog.md -------------------------------------------------------------------------------- /docs/en/notes/ecosystem.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/notes/ecosystem.md -------------------------------------------------------------------------------- /docs/en/notes/pytorch2.0.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/notes/pytorch2.0.md -------------------------------------------------------------------------------- /docs/en/project_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/project_zoo.py -------------------------------------------------------------------------------- /docs/en/stat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/stat.py -------------------------------------------------------------------------------- /docs/en/switch_language.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/switch_language.md -------------------------------------------------------------------------------- /docs/en/useful_tools.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/useful_tools.md -------------------------------------------------------------------------------- /docs/en/user_guides/config.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/user_guides/config.md -------------------------------------------------------------------------------- /docs/en/user_guides/finetune.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/user_guides/finetune.md -------------------------------------------------------------------------------- /docs/en/user_guides/inference.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/user_guides/inference.md -------------------------------------------------------------------------------- /docs/en/user_guides/prepare_dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/user_guides/prepare_dataset.md -------------------------------------------------------------------------------- /docs/en/user_guides/train_test.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/user_guides/train_test.md -------------------------------------------------------------------------------- /docs/en/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/en/utils.py -------------------------------------------------------------------------------- /docs/zh_cn/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/Makefile -------------------------------------------------------------------------------- /docs/zh_cn/_static/css/readthedocs.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/_static/css/readthedocs.css -------------------------------------------------------------------------------- /docs/zh_cn/_static/images/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/_static/images/logo.png -------------------------------------------------------------------------------- /docs/zh_cn/_static/js/custom.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/_static/js/custom.js -------------------------------------------------------------------------------- /docs/zh_cn/_templates/404.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/_templates/404.html -------------------------------------------------------------------------------- /docs/zh_cn/advanced_guides/customize_dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/advanced_guides/customize_dataset.md -------------------------------------------------------------------------------- /docs/zh_cn/advanced_guides/customize_logging.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/advanced_guides/customize_logging.md -------------------------------------------------------------------------------- /docs/zh_cn/advanced_guides/customize_models.md: -------------------------------------------------------------------------------- 1 | # 自定义模型 2 | 3 | 内容建设中... 4 | -------------------------------------------------------------------------------- /docs/zh_cn/advanced_guides/customize_optimizer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/advanced_guides/customize_optimizer.md -------------------------------------------------------------------------------- /docs/zh_cn/advanced_guides/customize_pipeline.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/advanced_guides/customize_pipeline.md -------------------------------------------------------------------------------- /docs/zh_cn/advanced_guides/dataflow.md: -------------------------------------------------------------------------------- 1 | # MMAction2 的数据流 2 | 3 | 内容建设中... 4 | -------------------------------------------------------------------------------- /docs/zh_cn/advanced_guides/depoly.md: -------------------------------------------------------------------------------- 1 | # How to deploy MMAction2 models 2 | 3 | coming soon... 4 | -------------------------------------------------------------------------------- /docs/zh_cn/api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/api.rst -------------------------------------------------------------------------------- /docs/zh_cn/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/conf.py -------------------------------------------------------------------------------- /docs/zh_cn/dataset_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/dataset_zoo.py -------------------------------------------------------------------------------- /docs/zh_cn/docutils.conf: -------------------------------------------------------------------------------- 1 | [html writers] 2 | table_style: colwidths-auto 3 | -------------------------------------------------------------------------------- /docs/zh_cn/get_started/contribution_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/get_started/contribution_guide.md -------------------------------------------------------------------------------- /docs/zh_cn/get_started/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/get_started/faq.md -------------------------------------------------------------------------------- /docs/zh_cn/get_started/guide_to_framework.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/get_started/guide_to_framework.md -------------------------------------------------------------------------------- /docs/zh_cn/get_started/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/get_started/installation.md -------------------------------------------------------------------------------- /docs/zh_cn/get_started/overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/get_started/overview.md -------------------------------------------------------------------------------- /docs/zh_cn/get_started/quick_run.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/get_started/quick_run.md -------------------------------------------------------------------------------- /docs/zh_cn/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/index.rst -------------------------------------------------------------------------------- /docs/zh_cn/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/make.bat -------------------------------------------------------------------------------- /docs/zh_cn/migration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/migration.md -------------------------------------------------------------------------------- /docs/zh_cn/notes/ecosystem.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/notes/ecosystem.md -------------------------------------------------------------------------------- /docs/zh_cn/notes/pytorch2.0.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/notes/pytorch2.0.md -------------------------------------------------------------------------------- /docs/zh_cn/project_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/project_zoo.py -------------------------------------------------------------------------------- /docs/zh_cn/stat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/stat.py -------------------------------------------------------------------------------- /docs/zh_cn/switch_language.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/switch_language.md -------------------------------------------------------------------------------- /docs/zh_cn/useful_tools.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/useful_tools.md -------------------------------------------------------------------------------- /docs/zh_cn/user_guides/config.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/user_guides/config.md -------------------------------------------------------------------------------- /docs/zh_cn/user_guides/finetune.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/user_guides/finetune.md -------------------------------------------------------------------------------- /docs/zh_cn/user_guides/inference.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/user_guides/inference.md -------------------------------------------------------------------------------- /docs/zh_cn/user_guides/prepare_dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/user_guides/prepare_dataset.md -------------------------------------------------------------------------------- /docs/zh_cn/user_guides/train_test.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/user_guides/train_test.md -------------------------------------------------------------------------------- /docs/zh_cn/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/docs/zh_cn/utils.py -------------------------------------------------------------------------------- /mmaction/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/__init__.py -------------------------------------------------------------------------------- /mmaction/apis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/apis/__init__.py -------------------------------------------------------------------------------- /mmaction/apis/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/apis/inference.py -------------------------------------------------------------------------------- /mmaction/apis/inferencers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/apis/inferencers/__init__.py -------------------------------------------------------------------------------- /mmaction/apis/inferencers/actionrecog_inferencer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/apis/inferencers/actionrecog_inferencer.py -------------------------------------------------------------------------------- /mmaction/apis/inferencers/mmaction2_inferencer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/apis/inferencers/mmaction2_inferencer.py -------------------------------------------------------------------------------- /mmaction/configs/_base_/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/_base_/__init__.py -------------------------------------------------------------------------------- /mmaction/configs/_base_/default_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/_base_/default_runtime.py -------------------------------------------------------------------------------- /mmaction/configs/_base_/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/_base_/models/__init__.py -------------------------------------------------------------------------------- /mmaction/configs/_base_/models/slowfast_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/_base_/models/slowfast_r50.py -------------------------------------------------------------------------------- /mmaction/configs/_base_/models/slowonly_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/_base_/models/slowonly_r50.py -------------------------------------------------------------------------------- /mmaction/configs/_base_/models/swin_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/_base_/models/swin_tiny.py -------------------------------------------------------------------------------- /mmaction/configs/recognition/slowfast/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/recognition/slowfast/__init__.py -------------------------------------------------------------------------------- /mmaction/configs/recognition/slowonly/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/recognition/slowonly/__init__.py -------------------------------------------------------------------------------- /mmaction/configs/recognition/swin/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/recognition/swin/__init__.py -------------------------------------------------------------------------------- /mmaction/configs/recognition/uniformerv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/recognition/uniformerv2/__init__.py -------------------------------------------------------------------------------- /mmaction/configs/skeleton/posec3d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/configs/skeleton/posec3d/__init__.py -------------------------------------------------------------------------------- /mmaction/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/__init__.py -------------------------------------------------------------------------------- /mmaction/datasets/activitynet_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/activitynet_dataset.py -------------------------------------------------------------------------------- /mmaction/datasets/audio_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/audio_dataset.py -------------------------------------------------------------------------------- /mmaction/datasets/ava_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/ava_dataset.py -------------------------------------------------------------------------------- /mmaction/datasets/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/base.py -------------------------------------------------------------------------------- /mmaction/datasets/charades_sta_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/charades_sta_dataset.py -------------------------------------------------------------------------------- /mmaction/datasets/msrvtt_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/msrvtt_datasets.py -------------------------------------------------------------------------------- /mmaction/datasets/pose_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/pose_dataset.py -------------------------------------------------------------------------------- /mmaction/datasets/rawframe_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/rawframe_dataset.py -------------------------------------------------------------------------------- /mmaction/datasets/repeat_aug_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/repeat_aug_dataset.py -------------------------------------------------------------------------------- /mmaction/datasets/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/transforms/__init__.py -------------------------------------------------------------------------------- /mmaction/datasets/transforms/formatting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/transforms/formatting.py -------------------------------------------------------------------------------- /mmaction/datasets/transforms/loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/transforms/loading.py -------------------------------------------------------------------------------- /mmaction/datasets/transforms/pose_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/transforms/pose_transforms.py -------------------------------------------------------------------------------- /mmaction/datasets/transforms/processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/transforms/processing.py -------------------------------------------------------------------------------- /mmaction/datasets/transforms/text_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/transforms/text_transforms.py -------------------------------------------------------------------------------- /mmaction/datasets/transforms/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/transforms/wrappers.py -------------------------------------------------------------------------------- /mmaction/datasets/video_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/video_dataset.py -------------------------------------------------------------------------------- /mmaction/datasets/video_text_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/datasets/video_text_dataset.py -------------------------------------------------------------------------------- /mmaction/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/__init__.py -------------------------------------------------------------------------------- /mmaction/engine/hooks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/hooks/__init__.py -------------------------------------------------------------------------------- /mmaction/engine/hooks/output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/hooks/output.py -------------------------------------------------------------------------------- /mmaction/engine/hooks/visualization_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/hooks/visualization_hook.py -------------------------------------------------------------------------------- /mmaction/engine/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/model/__init__.py -------------------------------------------------------------------------------- /mmaction/engine/model/weight_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/model/weight_init.py -------------------------------------------------------------------------------- /mmaction/engine/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/optimizers/__init__.py -------------------------------------------------------------------------------- /mmaction/engine/runner/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/runner/__init__.py -------------------------------------------------------------------------------- /mmaction/engine/runner/multi_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/runner/multi_loop.py -------------------------------------------------------------------------------- /mmaction/engine/runner/retrieval_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/engine/runner/retrieval_loop.py -------------------------------------------------------------------------------- /mmaction/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/__init__.py -------------------------------------------------------------------------------- /mmaction/evaluation/functional/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/functional/__init__.py -------------------------------------------------------------------------------- /mmaction/evaluation/functional/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/functional/accuracy.py -------------------------------------------------------------------------------- /mmaction/evaluation/functional/ava_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/functional/ava_utils.py -------------------------------------------------------------------------------- /mmaction/evaluation/functional/eval_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/functional/eval_detection.py -------------------------------------------------------------------------------- /mmaction/evaluation/functional/multisports_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/functional/multisports_utils.py -------------------------------------------------------------------------------- /mmaction/evaluation/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/metrics/__init__.py -------------------------------------------------------------------------------- /mmaction/evaluation/metrics/acc_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/metrics/acc_metric.py -------------------------------------------------------------------------------- /mmaction/evaluation/metrics/anet_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/metrics/anet_metric.py -------------------------------------------------------------------------------- /mmaction/evaluation/metrics/ava_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/metrics/ava_metric.py -------------------------------------------------------------------------------- /mmaction/evaluation/metrics/multimodal_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/metrics/multimodal_metric.py -------------------------------------------------------------------------------- /mmaction/evaluation/metrics/multisports_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/metrics/multisports_metric.py -------------------------------------------------------------------------------- /mmaction/evaluation/metrics/retrieval_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/metrics/retrieval_metric.py -------------------------------------------------------------------------------- /mmaction/evaluation/metrics/video_grounding_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/evaluation/metrics/video_grounding_metric.py -------------------------------------------------------------------------------- /mmaction/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/__init__.py -------------------------------------------------------------------------------- /mmaction/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/__init__.py -------------------------------------------------------------------------------- /mmaction/models/backbones/aagcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/aagcn.py -------------------------------------------------------------------------------- /mmaction/models/backbones/c2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/c2d.py -------------------------------------------------------------------------------- /mmaction/models/backbones/c3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/c3d.py -------------------------------------------------------------------------------- /mmaction/models/backbones/mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/mobilenet_v2.py -------------------------------------------------------------------------------- /mmaction/models/backbones/mobilenet_v2_tsm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/mobilenet_v2_tsm.py -------------------------------------------------------------------------------- /mmaction/models/backbones/mobileone_tsm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/mobileone_tsm.py -------------------------------------------------------------------------------- /mmaction/models/backbones/mvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/mvit.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet2plus1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet2plus1d.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet3d.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet3d_csn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet3d_csn.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet3d_slowfast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet3d_slowfast.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet3d_slowonly.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet3d_slowonly.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet_audio.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet_omni.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet_omni.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet_tin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet_tin.py -------------------------------------------------------------------------------- /mmaction/models/backbones/resnet_tsm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/resnet_tsm.py -------------------------------------------------------------------------------- /mmaction/models/backbones/rgbposeconv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/rgbposeconv3d.py -------------------------------------------------------------------------------- /mmaction/models/backbones/stgcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/stgcn.py -------------------------------------------------------------------------------- /mmaction/models/backbones/swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/swin.py -------------------------------------------------------------------------------- /mmaction/models/backbones/tanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/tanet.py -------------------------------------------------------------------------------- /mmaction/models/backbones/timesformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/timesformer.py -------------------------------------------------------------------------------- /mmaction/models/backbones/uniformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/uniformer.py -------------------------------------------------------------------------------- /mmaction/models/backbones/uniformerv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/uniformerv2.py -------------------------------------------------------------------------------- /mmaction/models/backbones/vit_mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/vit_mae.py -------------------------------------------------------------------------------- /mmaction/models/backbones/x3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/backbones/x3d.py -------------------------------------------------------------------------------- /mmaction/models/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/common/__init__.py -------------------------------------------------------------------------------- /mmaction/models/common/conv2plus1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/common/conv2plus1d.py -------------------------------------------------------------------------------- /mmaction/models/common/conv_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/common/conv_audio.py -------------------------------------------------------------------------------- /mmaction/models/common/sub_batchnorm3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/common/sub_batchnorm3d.py -------------------------------------------------------------------------------- /mmaction/models/common/tam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/common/tam.py -------------------------------------------------------------------------------- /mmaction/models/common/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/common/transformer.py -------------------------------------------------------------------------------- /mmaction/models/data_preprocessors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/data_preprocessors/__init__.py -------------------------------------------------------------------------------- /mmaction/models/heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/__init__.py -------------------------------------------------------------------------------- /mmaction/models/heads/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/base.py -------------------------------------------------------------------------------- /mmaction/models/heads/feature_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/feature_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/gcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/gcn_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/i3d_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/i3d_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/mvit_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/mvit_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/omni_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/omni_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/rgbpose_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/rgbpose_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/slowfast_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/slowfast_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/timesformer_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/timesformer_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/tpn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/tpn_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/trn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/trn_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/tsm_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/tsm_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/tsn_audio_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/tsn_audio_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/tsn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/tsn_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/uniformer_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/uniformer_head.py -------------------------------------------------------------------------------- /mmaction/models/heads/x3d_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/heads/x3d_head.py -------------------------------------------------------------------------------- /mmaction/models/localizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/__init__.py -------------------------------------------------------------------------------- /mmaction/models/localizers/bmn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/bmn.py -------------------------------------------------------------------------------- /mmaction/models/localizers/bsn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/bsn.py -------------------------------------------------------------------------------- /mmaction/models/localizers/drn/drn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/drn/drn.py -------------------------------------------------------------------------------- /mmaction/models/localizers/drn/drn_utils/FPN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/drn/drn_utils/FPN.py -------------------------------------------------------------------------------- /mmaction/models/localizers/drn/drn_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/drn/drn_utils/__init__.py -------------------------------------------------------------------------------- /mmaction/models/localizers/drn/drn_utils/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/drn/drn_utils/backbone.py -------------------------------------------------------------------------------- /mmaction/models/localizers/drn/drn_utils/fcos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/drn/drn_utils/fcos.py -------------------------------------------------------------------------------- /mmaction/models/localizers/drn/drn_utils/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/drn/drn_utils/inference.py -------------------------------------------------------------------------------- /mmaction/models/localizers/drn/drn_utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/drn/drn_utils/loss.py -------------------------------------------------------------------------------- /mmaction/models/localizers/tcanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/tcanet.py -------------------------------------------------------------------------------- /mmaction/models/localizers/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/utils/__init__.py -------------------------------------------------------------------------------- /mmaction/models/localizers/utils/bsn_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/utils/bsn_utils.py -------------------------------------------------------------------------------- /mmaction/models/localizers/utils/proposal_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/utils/proposal_utils.py -------------------------------------------------------------------------------- /mmaction/models/localizers/utils/tcanet_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/localizers/utils/tcanet_utils.py -------------------------------------------------------------------------------- /mmaction/models/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/losses/__init__.py -------------------------------------------------------------------------------- /mmaction/models/losses/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/losses/base.py -------------------------------------------------------------------------------- /mmaction/models/losses/bmn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/losses/bmn_loss.py -------------------------------------------------------------------------------- /mmaction/models/losses/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/losses/cross_entropy_loss.py -------------------------------------------------------------------------------- /mmaction/models/losses/hvu_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/losses/hvu_loss.py -------------------------------------------------------------------------------- /mmaction/models/losses/nll_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/losses/nll_loss.py -------------------------------------------------------------------------------- /mmaction/models/losses/ohem_hinge_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/losses/ohem_hinge_loss.py -------------------------------------------------------------------------------- /mmaction/models/losses/ssn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/losses/ssn_loss.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/__init__.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/__init__.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/beit3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/beit3d.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/modeling_bert.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/temporal_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/temporal_model.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/tokenizer.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/utils.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/vindlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/vindlu.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/vindlu_ret.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/vindlu_ret.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/vindlu_ret_mc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/vindlu_ret_mc.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/vindlu_vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/vindlu_vqa.py -------------------------------------------------------------------------------- /mmaction/models/multimodal/vindlu/xbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/multimodal/vindlu/xbert.py -------------------------------------------------------------------------------- /mmaction/models/necks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/necks/__init__.py -------------------------------------------------------------------------------- /mmaction/models/necks/tpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/necks/tpn.py -------------------------------------------------------------------------------- /mmaction/models/recognizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/recognizers/__init__.py -------------------------------------------------------------------------------- /mmaction/models/recognizers/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/recognizers/base.py -------------------------------------------------------------------------------- /mmaction/models/recognizers/recognizer2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/recognizers/recognizer2d.py -------------------------------------------------------------------------------- /mmaction/models/recognizers/recognizer3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/recognizers/recognizer3d.py -------------------------------------------------------------------------------- /mmaction/models/recognizers/recognizer3d_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/recognizers/recognizer3d_mm.py -------------------------------------------------------------------------------- /mmaction/models/recognizers/recognizer_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/recognizers/recognizer_audio.py -------------------------------------------------------------------------------- /mmaction/models/recognizers/recognizer_gcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/recognizers/recognizer_gcn.py -------------------------------------------------------------------------------- /mmaction/models/recognizers/recognizer_omni.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/recognizers/recognizer_omni.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/__init__.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/bbox_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/bbox_heads/__init__.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/bbox_heads/bbox_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/bbox_heads/bbox_head.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/roi_extractors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/roi_extractors/__init__.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/roi_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/roi_head.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/shared_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/shared_heads/__init__.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/shared_heads/acrn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/shared_heads/acrn_head.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/shared_heads/fbo_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/shared_heads/fbo_head.py -------------------------------------------------------------------------------- /mmaction/models/roi_heads/shared_heads/lfb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/roi_heads/shared_heads/lfb.py -------------------------------------------------------------------------------- /mmaction/models/similarity/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/similarity/__init__.py -------------------------------------------------------------------------------- /mmaction/models/similarity/adapters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/similarity/adapters.py -------------------------------------------------------------------------------- /mmaction/models/similarity/clip_similarity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/similarity/clip_similarity.py -------------------------------------------------------------------------------- /mmaction/models/task_modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/task_modules/__init__.py -------------------------------------------------------------------------------- /mmaction/models/task_modules/assigners/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/task_modules/assigners/__init__.py -------------------------------------------------------------------------------- /mmaction/models/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/utils/__init__.py -------------------------------------------------------------------------------- /mmaction/models/utils/blending_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/utils/blending_utils.py -------------------------------------------------------------------------------- /mmaction/models/utils/embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/utils/embed.py -------------------------------------------------------------------------------- /mmaction/models/utils/gcn_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/utils/gcn_utils.py -------------------------------------------------------------------------------- /mmaction/models/utils/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/models/utils/graph.py -------------------------------------------------------------------------------- /mmaction/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/registry.py -------------------------------------------------------------------------------- /mmaction/structures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/structures/__init__.py -------------------------------------------------------------------------------- /mmaction/structures/action_data_sample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/structures/action_data_sample.py -------------------------------------------------------------------------------- /mmaction/structures/bbox/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/structures/bbox/__init__.py -------------------------------------------------------------------------------- /mmaction/structures/bbox/bbox_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/structures/bbox/bbox_target.py -------------------------------------------------------------------------------- /mmaction/structures/bbox/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/structures/bbox/transforms.py -------------------------------------------------------------------------------- /mmaction/testing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/testing/__init__.py -------------------------------------------------------------------------------- /mmaction/testing/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/testing/_utils.py -------------------------------------------------------------------------------- /mmaction/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/utils/__init__.py -------------------------------------------------------------------------------- /mmaction/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/utils/collect_env.py -------------------------------------------------------------------------------- /mmaction/utils/dependency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/utils/dependency.py -------------------------------------------------------------------------------- /mmaction/utils/gradcam_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/utils/gradcam_utils.py -------------------------------------------------------------------------------- /mmaction/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/utils/misc.py -------------------------------------------------------------------------------- /mmaction/utils/progress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/utils/progress.py -------------------------------------------------------------------------------- /mmaction/utils/setup_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/utils/setup_env.py -------------------------------------------------------------------------------- /mmaction/utils/typing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/utils/typing_utils.py -------------------------------------------------------------------------------- /mmaction/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/version.py -------------------------------------------------------------------------------- /mmaction/visualization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/visualization/__init__.py -------------------------------------------------------------------------------- /mmaction/visualization/action_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/visualization/action_visualizer.py -------------------------------------------------------------------------------- /mmaction/visualization/video_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/mmaction/visualization/video_backend.py -------------------------------------------------------------------------------- /model-index.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/model-index.yml -------------------------------------------------------------------------------- /projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/README.md -------------------------------------------------------------------------------- /projects/actionclip/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/actionclip/README.md -------------------------------------------------------------------------------- /projects/actionclip/configs/label_map_k400.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/actionclip/configs/label_map_k400.txt -------------------------------------------------------------------------------- /projects/actionclip/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/actionclip/models/__init__.py -------------------------------------------------------------------------------- /projects/actionclip/models/actionclip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/actionclip/models/actionclip.py -------------------------------------------------------------------------------- /projects/actionclip/models/adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/actionclip/models/adapter.py -------------------------------------------------------------------------------- /projects/actionclip/models/load.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/actionclip/models/load.py -------------------------------------------------------------------------------- /projects/ctrgcn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/ctrgcn/README.md -------------------------------------------------------------------------------- /projects/ctrgcn/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/ctrgcn/models/__init__.py -------------------------------------------------------------------------------- /projects/ctrgcn/models/ctrgcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/ctrgcn/models/ctrgcn.py -------------------------------------------------------------------------------- /projects/ctrgcn/models/ctrgcn_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/ctrgcn/models/ctrgcn_utils.py -------------------------------------------------------------------------------- /projects/example_project/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/example_project/README.md -------------------------------------------------------------------------------- /projects/example_project/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/example_project/models/__init__.py -------------------------------------------------------------------------------- /projects/example_project/models/example_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/example_project/models/example_net.py -------------------------------------------------------------------------------- /projects/gesture_recognition/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/gesture_recognition/README.md -------------------------------------------------------------------------------- /projects/gesture_recognition/TRAINING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/gesture_recognition/TRAINING.md -------------------------------------------------------------------------------- /projects/gesture_recognition/demo/hand_det.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/gesture_recognition/demo/hand_det.jpg -------------------------------------------------------------------------------- /projects/gesture_recognition/demo/hand_det_out.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/gesture_recognition/demo/hand_det_out.jpg -------------------------------------------------------------------------------- /projects/gesture_recognition/extract_keypoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/gesture_recognition/extract_keypoint.py -------------------------------------------------------------------------------- /projects/gesture_recognition/parse_pose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/gesture_recognition/parse_pose.py -------------------------------------------------------------------------------- /projects/knowledge_distillation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/knowledge_distillation/README.md -------------------------------------------------------------------------------- /projects/msg3d/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/msg3d/README.md -------------------------------------------------------------------------------- /projects/msg3d/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/msg3d/models/__init__.py -------------------------------------------------------------------------------- /projects/msg3d/models/msg3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/msg3d/models/msg3d.py -------------------------------------------------------------------------------- /projects/msg3d/models/msg3d_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/msg3d/models/msg3d_utils.py -------------------------------------------------------------------------------- /projects/stad_tutorial/demo_stad.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/stad_tutorial/demo_stad.ipynb -------------------------------------------------------------------------------- /projects/stad_tutorial/demo_stad_zh_CN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/stad_tutorial/demo_stad_zh_CN.ipynb -------------------------------------------------------------------------------- /projects/stad_tutorial/tools/convert_proposals.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/stad_tutorial/tools/convert_proposals.py -------------------------------------------------------------------------------- /projects/stad_tutorial/tools/generate_mmdet_anno.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/stad_tutorial/tools/generate_mmdet_anno.py -------------------------------------------------------------------------------- /projects/stad_tutorial/tools/generate_rgb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/stad_tutorial/tools/generate_rgb.py -------------------------------------------------------------------------------- /projects/stad_tutorial/tools/images2coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/stad_tutorial/tools/images2coco.py -------------------------------------------------------------------------------- /projects/umt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/umt/README.md -------------------------------------------------------------------------------- /projects/umt/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/umt/models/__init__.py -------------------------------------------------------------------------------- /projects/umt/models/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/projects/umt/models/vit.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/requirements.txt -------------------------------------------------------------------------------- /requirements/build.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/requirements/build.txt -------------------------------------------------------------------------------- /requirements/docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/requirements/docs.txt -------------------------------------------------------------------------------- /requirements/mminstall.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/requirements/mminstall.txt -------------------------------------------------------------------------------- /requirements/multimodal.txt: -------------------------------------------------------------------------------- 1 | transformers>=4.28.0 2 | -------------------------------------------------------------------------------- /requirements/optional.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/requirements/optional.txt -------------------------------------------------------------------------------- /requirements/readthedocs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/requirements/readthedocs.txt -------------------------------------------------------------------------------- /requirements/tests.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/requirements/tests.txt -------------------------------------------------------------------------------- /resources/acc_curve.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/resources/acc_curve.png -------------------------------------------------------------------------------- /resources/data_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/resources/data_pipeline.png -------------------------------------------------------------------------------- /resources/miaomiao_qrcode.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/resources/miaomiao_qrcode.jpg -------------------------------------------------------------------------------- /resources/mmaction2_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/resources/mmaction2_logo.png -------------------------------------------------------------------------------- /resources/mmaction2_overview.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/resources/mmaction2_overview.gif -------------------------------------------------------------------------------- /resources/qq_group_qrcode.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/resources/qq_group_qrcode.jpg -------------------------------------------------------------------------------- /resources/spatio-temporal-det.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/resources/spatio-temporal-det.gif -------------------------------------------------------------------------------- /resources/zhihu_qrcode.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/resources/zhihu_qrcode.jpg -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/setup.py -------------------------------------------------------------------------------- /tests/apis/test_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/apis/test_inference.py -------------------------------------------------------------------------------- /tests/apis/test_inferencer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/apis/test_inferencer.py -------------------------------------------------------------------------------- /tests/data/activitynet_features/v_test1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/activitynet_features/v_test1.csv -------------------------------------------------------------------------------- /tests/data/activitynet_features/v_test2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/activitynet_features/v_test2.csv -------------------------------------------------------------------------------- /tests/data/annotations/action_test_anno.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/action_test_anno.json -------------------------------------------------------------------------------- /tests/data/annotations/audio_feature_test_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/audio_feature_test_list.txt -------------------------------------------------------------------------------- /tests/data/annotations/audio_test_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/audio_test_list.txt -------------------------------------------------------------------------------- /tests/data/annotations/hvu_frame_test_anno.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/hvu_frame_test_anno.json -------------------------------------------------------------------------------- /tests/data/annotations/hvu_video_eval_test_anno.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/hvu_video_eval_test_anno.json -------------------------------------------------------------------------------- /tests/data/annotations/hvu_video_test_anno.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/hvu_video_test_anno.json -------------------------------------------------------------------------------- /tests/data/annotations/proposal_normalized_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/proposal_normalized_list.txt -------------------------------------------------------------------------------- /tests/data/annotations/proposal_test_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/proposal_test_list.txt -------------------------------------------------------------------------------- /tests/data/annotations/rawframe_test_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/rawframe_test_list.txt -------------------------------------------------------------------------------- /tests/data/annotations/rawvideo_test_anno.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/rawvideo_test_anno.json -------------------------------------------------------------------------------- /tests/data/annotations/rawvideo_test_anno.txt: -------------------------------------------------------------------------------- 1 | rawvideo_dataset 1 2 0 2 | -------------------------------------------------------------------------------- /tests/data/annotations/sample.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/sample.pkl -------------------------------------------------------------------------------- /tests/data/annotations/video_test_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/video_test_list.txt -------------------------------------------------------------------------------- /tests/data/annotations/video_test_list_multi_label.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/video_test_list_multi_label.txt -------------------------------------------------------------------------------- /tests/data/annotations/video_text_test_list.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/annotations/video_text_test_list.json -------------------------------------------------------------------------------- /tests/data/ava_dataset/action_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/ava_dataset/action_list.txt -------------------------------------------------------------------------------- /tests/data/ava_dataset/ava_excluded_timestamps_sample.csv: -------------------------------------------------------------------------------- 1 | 0f39OWEqJ24,0903 2 | _-Z6wFjXtGQ,0902 3 | -------------------------------------------------------------------------------- /tests/data/ava_dataset/ava_proposals_sample.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/ava_dataset/ava_proposals_sample.pkl -------------------------------------------------------------------------------- /tests/data/ava_dataset/ava_sample.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/ava_dataset/ava_sample.csv -------------------------------------------------------------------------------- /tests/data/bsp_features/v_test1.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/bsp_features/v_test1.npy -------------------------------------------------------------------------------- /tests/data/eval_detection/action_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/eval_detection/action_list.txt -------------------------------------------------------------------------------- /tests/data/eval_detection/gt.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/eval_detection/gt.csv -------------------------------------------------------------------------------- /tests/data/eval_detection/pred.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/eval_detection/pred.csv -------------------------------------------------------------------------------- /tests/data/eval_detection/proposal.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/eval_detection/proposal.pkl -------------------------------------------------------------------------------- /tests/data/eval_localization/gt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/eval_localization/gt.json -------------------------------------------------------------------------------- /tests/data/eval_localization/result.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/eval_localization/result.json -------------------------------------------------------------------------------- /tests/data/eval_multisports/data_samples.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/eval_multisports/data_samples.pkl -------------------------------------------------------------------------------- /tests/data/eval_multisports/gt.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/eval_multisports/gt.pkl -------------------------------------------------------------------------------- /tests/data/imgs/img_00001.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00001.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00002.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00002.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00003.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00003.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00004.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00004.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00005.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00005.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00006.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00006.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00007.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00007.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00008.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00008.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00009.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00009.jpg -------------------------------------------------------------------------------- /tests/data/imgs/img_00010.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/img_00010.jpg -------------------------------------------------------------------------------- /tests/data/imgs/x_00001.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/x_00001.jpg -------------------------------------------------------------------------------- /tests/data/imgs/x_00002.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/x_00002.jpg -------------------------------------------------------------------------------- /tests/data/imgs/x_00003.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/x_00003.jpg -------------------------------------------------------------------------------- /tests/data/imgs/x_00004.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/x_00004.jpg -------------------------------------------------------------------------------- /tests/data/imgs/x_00005.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/x_00005.jpg -------------------------------------------------------------------------------- /tests/data/imgs/y_00001.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/y_00001.jpg -------------------------------------------------------------------------------- /tests/data/imgs/y_00002.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/y_00002.jpg -------------------------------------------------------------------------------- /tests/data/imgs/y_00003.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/y_00003.jpg -------------------------------------------------------------------------------- /tests/data/imgs/y_00004.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/y_00004.jpg -------------------------------------------------------------------------------- /tests/data/imgs/y_00005.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/imgs/y_00005.jpg -------------------------------------------------------------------------------- /tests/data/lfb/lfb_unittest.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/lfb/lfb_unittest.pkl -------------------------------------------------------------------------------- /tests/data/multisports_dataset/multisports_sample.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/multisports_dataset/multisports_sample.csv -------------------------------------------------------------------------------- /tests/data/proposals/v_test1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/proposals/v_test1.csv -------------------------------------------------------------------------------- /tests/data/proposals/v_test2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/proposals/v_test2.csv -------------------------------------------------------------------------------- /tests/data/rawvideo_dataset/part_0.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/rawvideo_dataset/part_0.mp4 -------------------------------------------------------------------------------- /tests/data/rawvideo_dataset/part_1.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/rawvideo_dataset/part_1.mp4 -------------------------------------------------------------------------------- /tests/data/tem_results/v_test1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/tem_results/v_test1.csv -------------------------------------------------------------------------------- /tests/data/tem_results/v_test2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/tem_results/v_test2.csv -------------------------------------------------------------------------------- /tests/data/test.avi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/test.avi -------------------------------------------------------------------------------- /tests/data/test.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/test.jpg -------------------------------------------------------------------------------- /tests/data/test.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/test.mp4 -------------------------------------------------------------------------------- /tests/data/test.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/data/test.wav -------------------------------------------------------------------------------- /tests/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/__init__.py -------------------------------------------------------------------------------- /tests/datasets/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/base.py -------------------------------------------------------------------------------- /tests/datasets/test_ava_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/test_ava_dataset.py -------------------------------------------------------------------------------- /tests/datasets/test_pose_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/test_pose_dataset.py -------------------------------------------------------------------------------- /tests/datasets/test_rawframe_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/test_rawframe_dataset.py -------------------------------------------------------------------------------- /tests/datasets/test_repeataug_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/test_repeataug_dataset.py -------------------------------------------------------------------------------- /tests/datasets/test_video_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/test_video_dataset.py -------------------------------------------------------------------------------- /tests/datasets/test_video_text_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/test_video_text_dataset.py -------------------------------------------------------------------------------- /tests/datasets/transforms/test_formating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/transforms/test_formating.py -------------------------------------------------------------------------------- /tests/datasets/transforms/test_loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/transforms/test_loading.py -------------------------------------------------------------------------------- /tests/datasets/transforms/test_pose_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/transforms/test_pose_transforms.py -------------------------------------------------------------------------------- /tests/datasets/transforms/test_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/transforms/test_processing.py -------------------------------------------------------------------------------- /tests/datasets/transforms/test_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/transforms/test_sampling.py -------------------------------------------------------------------------------- /tests/datasets/transforms/test_text_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/transforms/test_text_transforms.py -------------------------------------------------------------------------------- /tests/datasets/transforms/test_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/datasets/transforms/test_wrappers.py -------------------------------------------------------------------------------- /tests/evaluation/metrics/test_acc_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/evaluation/metrics/test_acc_metric.py -------------------------------------------------------------------------------- /tests/evaluation/metrics/test_metric_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/evaluation/metrics/test_metric_utils.py -------------------------------------------------------------------------------- /tests/evaluation/metrics/test_retrieval_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/evaluation/metrics/test_retrieval_metric.py -------------------------------------------------------------------------------- /tests/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/__init__.py -------------------------------------------------------------------------------- /tests/models/backbones/test_aagcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_aagcn.py -------------------------------------------------------------------------------- /tests/models/backbones/test_c2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_c2d.py -------------------------------------------------------------------------------- /tests/models/backbones/test_c3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_c3d.py -------------------------------------------------------------------------------- /tests/models/backbones/test_mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_mobilenet_v2.py -------------------------------------------------------------------------------- /tests/models/backbones/test_mobilenet_v2_tsm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_mobilenet_v2_tsm.py -------------------------------------------------------------------------------- /tests/models/backbones/test_mobileone_tsm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_mobileone_tsm.py -------------------------------------------------------------------------------- /tests/models/backbones/test_mvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_mvit.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet2plus1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet2plus1d.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet3d.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet3d_csn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet3d_csn.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet3d_slowfast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet3d_slowfast.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet3d_slowonly.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet3d_slowonly.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet_audio.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet_omni.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet_omni.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet_tin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet_tin.py -------------------------------------------------------------------------------- /tests/models/backbones/test_resnet_tsm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_resnet_tsm.py -------------------------------------------------------------------------------- /tests/models/backbones/test_rgbposeconv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_rgbposeconv3d.py -------------------------------------------------------------------------------- /tests/models/backbones/test_stgcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_stgcn.py -------------------------------------------------------------------------------- /tests/models/backbones/test_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_swin.py -------------------------------------------------------------------------------- /tests/models/backbones/test_tanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_tanet.py -------------------------------------------------------------------------------- /tests/models/backbones/test_timesformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_timesformer.py -------------------------------------------------------------------------------- /tests/models/backbones/test_uniformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_uniformer.py -------------------------------------------------------------------------------- /tests/models/backbones/test_uniformerv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_uniformerv2.py -------------------------------------------------------------------------------- /tests/models/backbones/test_vit_mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_vit_mae.py -------------------------------------------------------------------------------- /tests/models/backbones/test_x3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/backbones/test_x3d.py -------------------------------------------------------------------------------- /tests/models/common/test_conv2plus1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/common/test_conv2plus1d.py -------------------------------------------------------------------------------- /tests/models/common/test_conv_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/common/test_conv_audio.py -------------------------------------------------------------------------------- /tests/models/common/test_sub_batchnorm3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/common/test_sub_batchnorm3d.py -------------------------------------------------------------------------------- /tests/models/common/test_tam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/common/test_tam.py -------------------------------------------------------------------------------- /tests/models/common/test_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/common/test_transformer.py -------------------------------------------------------------------------------- /tests/models/data_preprocessors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/data_preprocessors/__init__.py -------------------------------------------------------------------------------- /tests/models/heads/test_feature_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_feature_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_gcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_gcn_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_i3d_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_i3d_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_mvit_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_mvit_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_omni_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_omni_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_rgbpose_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_rgbpose_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_slowfast_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_slowfast_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_timesformer_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_timesformer_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_tpn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_tpn_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_trn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_trn_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_tsm_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_tsm_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_tsn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_tsn_head.py -------------------------------------------------------------------------------- /tests/models/heads/test_x3d_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/heads/test_x3d_head.py -------------------------------------------------------------------------------- /tests/models/localizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/localizers/__init__.py -------------------------------------------------------------------------------- /tests/models/localizers/test_bmn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/localizers/test_bmn.py -------------------------------------------------------------------------------- /tests/models/localizers/test_localization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/localizers/test_localization_utils.py -------------------------------------------------------------------------------- /tests/models/localizers/test_localizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/localizers/test_localizers.py -------------------------------------------------------------------------------- /tests/models/localizers/test_pem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/localizers/test_pem.py -------------------------------------------------------------------------------- /tests/models/localizers/test_tem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/localizers/test_tem.py -------------------------------------------------------------------------------- /tests/models/losses/test_bmn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/losses/test_bmn_loss.py -------------------------------------------------------------------------------- /tests/models/losses/test_cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/losses/test_cross_entropy_loss.py -------------------------------------------------------------------------------- /tests/models/losses/test_hvu_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/losses/test_hvu_loss.py -------------------------------------------------------------------------------- /tests/models/losses/test_ohem_hinge_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/losses/test_ohem_hinge_loss.py -------------------------------------------------------------------------------- /tests/models/losses/test_ssn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/losses/test_ssn_loss.py -------------------------------------------------------------------------------- /tests/models/necks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/necks/__init__.py -------------------------------------------------------------------------------- /tests/models/necks/test_tpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/necks/test_tpn.py -------------------------------------------------------------------------------- /tests/models/recognizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/recognizers/__init__.py -------------------------------------------------------------------------------- /tests/models/recognizers/recognizer_omni.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/recognizers/recognizer_omni.py -------------------------------------------------------------------------------- /tests/models/recognizers/test_recognizer2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/recognizers/test_recognizer2d.py -------------------------------------------------------------------------------- /tests/models/recognizers/test_recognizer3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/recognizers/test_recognizer3d.py -------------------------------------------------------------------------------- /tests/models/recognizers/test_recognizer_gcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/recognizers/test_recognizer_gcn.py -------------------------------------------------------------------------------- /tests/models/roi_heads/test_bbox_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/roi_heads/test_bbox_heads.py -------------------------------------------------------------------------------- /tests/models/roi_heads/test_fbo_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/roi_heads/test_fbo_head.py -------------------------------------------------------------------------------- /tests/models/roi_heads/test_roi_extractors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/roi_heads/test_roi_extractors.py -------------------------------------------------------------------------------- /tests/models/roi_heads/test_shared_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/roi_heads/test_shared_heads.py -------------------------------------------------------------------------------- /tests/models/similarity/test_adapters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/similarity/test_adapters.py -------------------------------------------------------------------------------- /tests/models/similarity/test_clip_similarity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/similarity/test_clip_similarity.py -------------------------------------------------------------------------------- /tests/models/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/utils/__init__.py -------------------------------------------------------------------------------- /tests/models/utils/test_blending_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/utils/test_blending_utils.py -------------------------------------------------------------------------------- /tests/models/utils/test_gradcam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/models/utils/test_gradcam.py -------------------------------------------------------------------------------- /tests/structures/bbox/test_bbox_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/structures/bbox/test_bbox_target.py -------------------------------------------------------------------------------- /tests/structures/bbox/test_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/structures/bbox/test_transforms.py -------------------------------------------------------------------------------- /tests/utils/test_misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/utils/test_misc.py -------------------------------------------------------------------------------- /tests/visualization/test_action_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/visualization/test_action_visualizer.py -------------------------------------------------------------------------------- /tests/visualization/test_video_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tests/visualization/test_video_backend.py -------------------------------------------------------------------------------- /tools/analysis_tools/analyze_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/analyze_logs.py -------------------------------------------------------------------------------- /tools/analysis_tools/bench_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/bench_processing.py -------------------------------------------------------------------------------- /tools/analysis_tools/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/benchmark.py -------------------------------------------------------------------------------- /tools/analysis_tools/check_videos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/check_videos.py -------------------------------------------------------------------------------- /tools/analysis_tools/confusion_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/confusion_matrix.py -------------------------------------------------------------------------------- /tools/analysis_tools/eval_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/eval_metric.py -------------------------------------------------------------------------------- /tools/analysis_tools/get_flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/get_flops.py -------------------------------------------------------------------------------- /tools/analysis_tools/print_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/print_config.py -------------------------------------------------------------------------------- /tools/analysis_tools/report_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/report_accuracy.py -------------------------------------------------------------------------------- /tools/analysis_tools/report_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/analysis_tools/report_map.py -------------------------------------------------------------------------------- /tools/argparse.bash: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/argparse.bash -------------------------------------------------------------------------------- /tools/convert/convert_recognizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/convert/convert_recognizer.py -------------------------------------------------------------------------------- /tools/convert/reparameterize_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/convert/reparameterize_model.py -------------------------------------------------------------------------------- /tools/data/activitynet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/README.md -------------------------------------------------------------------------------- /tools/data/activitynet/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/activitynet/action_name.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/action_name.csv -------------------------------------------------------------------------------- /tools/data/activitynet/convert_proposal_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/convert_proposal_format.py -------------------------------------------------------------------------------- /tools/data/activitynet/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/download.py -------------------------------------------------------------------------------- /tools/data/activitynet/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/activitynet/download_bsn_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/download_bsn_videos.sh -------------------------------------------------------------------------------- /tools/data/activitynet/download_feature_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/download_feature_annotations.sh -------------------------------------------------------------------------------- /tools/data/activitynet/download_features.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/download_features.sh -------------------------------------------------------------------------------- /tools/data/activitynet/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/download_videos.sh -------------------------------------------------------------------------------- /tools/data/activitynet/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/environment.yml -------------------------------------------------------------------------------- /tools/data/activitynet/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/activitynet/generate_rawframes_filelist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/generate_rawframes_filelist.py -------------------------------------------------------------------------------- /tools/data/activitynet/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/label_map.txt -------------------------------------------------------------------------------- /tools/data/activitynet/process_annotations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/process_annotations.py -------------------------------------------------------------------------------- /tools/data/activitynet/tsn_extract_flow_feat_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/tsn_extract_flow_feat_config.py -------------------------------------------------------------------------------- /tools/data/activitynet/tsn_extract_rgb_feat_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/activitynet/tsn_extract_rgb_feat_config.py -------------------------------------------------------------------------------- /tools/data/anno_txt2json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/anno_txt2json.py -------------------------------------------------------------------------------- /tools/data/ava/AVA_annotation_explained.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/AVA_annotation_explained.md -------------------------------------------------------------------------------- /tools/data/ava/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/README.md -------------------------------------------------------------------------------- /tools/data/ava/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/ava/cut_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/cut_videos.sh -------------------------------------------------------------------------------- /tools/data/ava/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/ava/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/download_videos.sh -------------------------------------------------------------------------------- /tools/data/ava/download_videos_gnu_parallel.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/download_videos_gnu_parallel.sh -------------------------------------------------------------------------------- /tools/data/ava/download_videos_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/download_videos_parallel.py -------------------------------------------------------------------------------- /tools/data/ava/download_videos_parallel.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/download_videos_parallel.sh -------------------------------------------------------------------------------- /tools/data/ava/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/ava/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/ava/extract_rgb_frames_ffmpeg.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/extract_rgb_frames_ffmpeg.sh -------------------------------------------------------------------------------- /tools/data/ava/fetch_ava_proposals.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/fetch_ava_proposals.sh -------------------------------------------------------------------------------- /tools/data/ava/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava/label_map.txt -------------------------------------------------------------------------------- /tools/data/ava_kinetics/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava_kinetics/README.md -------------------------------------------------------------------------------- /tools/data/ava_kinetics/X-101-64x4d-FPN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava_kinetics/X-101-64x4d-FPN.py -------------------------------------------------------------------------------- /tools/data/ava_kinetics/cut_kinetics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava_kinetics/cut_kinetics.py -------------------------------------------------------------------------------- /tools/data/ava_kinetics/extract_rgb_frames.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava_kinetics/extract_rgb_frames.py -------------------------------------------------------------------------------- /tools/data/ava_kinetics/fetch_proposal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava_kinetics/fetch_proposal.py -------------------------------------------------------------------------------- /tools/data/ava_kinetics/merge_annotations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava_kinetics/merge_annotations.py -------------------------------------------------------------------------------- /tools/data/ava_kinetics/prepare_annotation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava_kinetics/prepare_annotation.py -------------------------------------------------------------------------------- /tools/data/ava_kinetics/softlink_ava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ava_kinetics/softlink_ava.py -------------------------------------------------------------------------------- /tools/data/build_audio_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/build_audio_features.py -------------------------------------------------------------------------------- /tools/data/build_file_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/build_file_list.py -------------------------------------------------------------------------------- /tools/data/build_rawframes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/build_rawframes.py -------------------------------------------------------------------------------- /tools/data/build_videos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/build_videos.py -------------------------------------------------------------------------------- /tools/data/charades-sta/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/charades-sta/README.md -------------------------------------------------------------------------------- /tools/data/charades-sta/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/charades-sta/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/denormalize_proposal_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/denormalize_proposal_file.py -------------------------------------------------------------------------------- /tools/data/diving48/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/README.md -------------------------------------------------------------------------------- /tools/data/diving48/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/diving48/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/diving48/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/download_videos.sh -------------------------------------------------------------------------------- /tools/data/diving48/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/diving48/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/diving48/extract_rgb_frames_opencv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/extract_rgb_frames_opencv.sh -------------------------------------------------------------------------------- /tools/data/diving48/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/diving48/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/diving48/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/label_map.txt -------------------------------------------------------------------------------- /tools/data/diving48/preprocess.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/diving48/preprocess.sh -------------------------------------------------------------------------------- /tools/data/extract_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/extract_audio.py -------------------------------------------------------------------------------- /tools/data/gym/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/README.md -------------------------------------------------------------------------------- /tools/data/gym/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/gym/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/download.py -------------------------------------------------------------------------------- /tools/data/gym/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/gym/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/download_videos.sh -------------------------------------------------------------------------------- /tools/data/gym/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/environment.yml -------------------------------------------------------------------------------- /tools/data/gym/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/gym/generate_file_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/generate_file_list.py -------------------------------------------------------------------------------- /tools/data/gym/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/label_map.txt -------------------------------------------------------------------------------- /tools/data/gym/trim_event.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/trim_event.py -------------------------------------------------------------------------------- /tools/data/gym/trim_subaction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/gym/trim_subaction.py -------------------------------------------------------------------------------- /tools/data/hacs/README-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hacs/README-CN.md -------------------------------------------------------------------------------- /tools/data/hacs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hacs/README.md -------------------------------------------------------------------------------- /tools/data/hacs/generate_anotations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hacs/generate_anotations.py -------------------------------------------------------------------------------- /tools/data/hacs/generate_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hacs/generate_list.py -------------------------------------------------------------------------------- /tools/data/hacs/slowonly_feature_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hacs/slowonly_feature_infer.py -------------------------------------------------------------------------------- /tools/data/hacs/write_feature_csv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hacs/write_feature_csv.py -------------------------------------------------------------------------------- /tools/data/hmdb51/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/README.md -------------------------------------------------------------------------------- /tools/data/hmdb51/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/hmdb51/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/hmdb51/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/download_videos.sh -------------------------------------------------------------------------------- /tools/data/hmdb51/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/hmdb51/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/hmdb51/extract_rgb_frames_opencv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/extract_rgb_frames_opencv.sh -------------------------------------------------------------------------------- /tools/data/hmdb51/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/hmdb51/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/hmdb51/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hmdb51/label_map.txt -------------------------------------------------------------------------------- /tools/data/hvu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/README.md -------------------------------------------------------------------------------- /tools/data/hvu/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/hvu/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/download.py -------------------------------------------------------------------------------- /tools/data/hvu/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/hvu/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/download_videos.sh -------------------------------------------------------------------------------- /tools/data/hvu/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/environment.yml -------------------------------------------------------------------------------- /tools/data/hvu/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/hvu/generate_file_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/generate_file_list.py -------------------------------------------------------------------------------- /tools/data/hvu/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/hvu/generate_sub_file_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/generate_sub_file_list.py -------------------------------------------------------------------------------- /tools/data/hvu/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/hvu/label_map.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/label_map.json -------------------------------------------------------------------------------- /tools/data/hvu/parse_tag_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/hvu/parse_tag_list.py -------------------------------------------------------------------------------- /tools/data/jester/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jester/README.md -------------------------------------------------------------------------------- /tools/data/jester/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jester/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/jester/encode_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jester/encode_videos.sh -------------------------------------------------------------------------------- /tools/data/jester/extract_flow.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jester/extract_flow.sh -------------------------------------------------------------------------------- /tools/data/jester/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jester/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/jester/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jester/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/jester/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jester/label_map.txt -------------------------------------------------------------------------------- /tools/data/jhmdb/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jhmdb/README.md -------------------------------------------------------------------------------- /tools/data/jhmdb/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/jhmdb/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/kinetics/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/README.md -------------------------------------------------------------------------------- /tools/data/kinetics/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/kinetics/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/download.py -------------------------------------------------------------------------------- /tools/data/kinetics/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/kinetics/download_backup_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/download_backup_annotations.sh -------------------------------------------------------------------------------- /tools/data/kinetics/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/download_videos.sh -------------------------------------------------------------------------------- /tools/data/kinetics/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/environment.yml -------------------------------------------------------------------------------- /tools/data/kinetics/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/kinetics/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/kinetics/extract_rgb_frames_opencv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/extract_rgb_frames_opencv.sh -------------------------------------------------------------------------------- /tools/data/kinetics/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/kinetics/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/kinetics/label_map_k400.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/label_map_k400.txt -------------------------------------------------------------------------------- /tools/data/kinetics/label_map_k600.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/label_map_k600.txt -------------------------------------------------------------------------------- /tools/data/kinetics/label_map_k700.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/label_map_k700.txt -------------------------------------------------------------------------------- /tools/data/kinetics/preprocess_k400.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/preprocess_k400.sh -------------------------------------------------------------------------------- /tools/data/kinetics/preprocess_k600.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/preprocess_k600.sh -------------------------------------------------------------------------------- /tools/data/kinetics/preprocess_k700.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/preprocess_k700.sh -------------------------------------------------------------------------------- /tools/data/kinetics/rename_classnames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics/rename_classnames.sh -------------------------------------------------------------------------------- /tools/data/kinetics710/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics710/README.md -------------------------------------------------------------------------------- /tools/data/kinetics710/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics710/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/kinetics710/label_map_k710.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/kinetics710/label_map_k710.txt -------------------------------------------------------------------------------- /tools/data/mit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/README.md -------------------------------------------------------------------------------- /tools/data/mit/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/mit/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/mit/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/mit/extract_rgb_frames_opencv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/extract_rgb_frames_opencv.sh -------------------------------------------------------------------------------- /tools/data/mit/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/mit/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/mit/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/label_map.txt -------------------------------------------------------------------------------- /tools/data/mit/preprocess_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mit/preprocess_data.sh -------------------------------------------------------------------------------- /tools/data/mmit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/README.md -------------------------------------------------------------------------------- /tools/data/mmit/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/mmit/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/mmit/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/mmit/extract_rgb_frames_opencv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/extract_rgb_frames_opencv.sh -------------------------------------------------------------------------------- /tools/data/mmit/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/mmit/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/mmit/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/label_map.txt -------------------------------------------------------------------------------- /tools/data/mmit/preprocess_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/mmit/preprocess_data.sh -------------------------------------------------------------------------------- /tools/data/msrvtt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/msrvtt/README.md -------------------------------------------------------------------------------- /tools/data/msrvtt/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/msrvtt/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/msrvtt/compress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/msrvtt/compress.py -------------------------------------------------------------------------------- /tools/data/msrvtt/compress_msrvtt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/msrvtt/compress_msrvtt.sh -------------------------------------------------------------------------------- /tools/data/msrvtt/download_msrvtt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/msrvtt/download_msrvtt.sh -------------------------------------------------------------------------------- /tools/data/multisports/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/multisports/README.md -------------------------------------------------------------------------------- /tools/data/multisports/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/multisports/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/multisports/format_det_result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/multisports/format_det_result.py -------------------------------------------------------------------------------- /tools/data/multisports/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/multisports/label_map.txt -------------------------------------------------------------------------------- /tools/data/multisports/parse_anno.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/multisports/parse_anno.py -------------------------------------------------------------------------------- /tools/data/omnisource/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/omnisource/README.md -------------------------------------------------------------------------------- /tools/data/omnisource/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/omnisource/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/omnisource/trim_raw_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/omnisource/trim_raw_video.py -------------------------------------------------------------------------------- /tools/data/parse_file_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/parse_file_list.py -------------------------------------------------------------------------------- /tools/data/resize_videos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/resize_videos.py -------------------------------------------------------------------------------- /tools/data/skeleton/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/README.md -------------------------------------------------------------------------------- /tools/data/skeleton/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/skeleton/S001C001P001R001A001_rgb.avi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/S001C001P001R001A001_rgb.avi -------------------------------------------------------------------------------- /tools/data/skeleton/babel2mma2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/babel2mma2.py -------------------------------------------------------------------------------- /tools/data/skeleton/compress_nturgbd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/compress_nturgbd.py -------------------------------------------------------------------------------- /tools/data/skeleton/gen_ntu_rgbd_raw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/gen_ntu_rgbd_raw.py -------------------------------------------------------------------------------- /tools/data/skeleton/label_map_gym99.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/label_map_gym99.txt -------------------------------------------------------------------------------- /tools/data/skeleton/label_map_ntu60.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/label_map_ntu60.txt -------------------------------------------------------------------------------- /tools/data/skeleton/ntu_pose_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/skeleton/ntu_pose_extraction.py -------------------------------------------------------------------------------- /tools/data/sthv1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv1/README.md -------------------------------------------------------------------------------- /tools/data/sthv1/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv1/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/sthv1/encode_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv1/encode_videos.sh -------------------------------------------------------------------------------- /tools/data/sthv1/extract_flow.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv1/extract_flow.sh -------------------------------------------------------------------------------- /tools/data/sthv1/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv1/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/sthv1/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv1/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/sthv1/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv1/label_map.txt -------------------------------------------------------------------------------- /tools/data/sthv2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/README.md -------------------------------------------------------------------------------- /tools/data/sthv2/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/sthv2/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/sthv2/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/sthv2/extract_rgb_frames_opencv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/extract_rgb_frames_opencv.sh -------------------------------------------------------------------------------- /tools/data/sthv2/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/sthv2/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/sthv2/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/label_map.txt -------------------------------------------------------------------------------- /tools/data/sthv2/preprocss.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/sthv2/preprocss.sh -------------------------------------------------------------------------------- /tools/data/thumos14/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/README.md -------------------------------------------------------------------------------- /tools/data/thumos14/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/thumos14/denormalize_proposal_file.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/denormalize_proposal_file.sh -------------------------------------------------------------------------------- /tools/data/thumos14/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/thumos14/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/download_videos.sh -------------------------------------------------------------------------------- /tools/data/thumos14/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/thumos14/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/thumos14/extract_rgb_frames_opencv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/extract_rgb_frames_opencv.sh -------------------------------------------------------------------------------- /tools/data/thumos14/fetch_tag_proposals.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/thumos14/fetch_tag_proposals.sh -------------------------------------------------------------------------------- /tools/data/ucf101/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/README.md -------------------------------------------------------------------------------- /tools/data/ucf101/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/ucf101/download_annotations.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/download_annotations.sh -------------------------------------------------------------------------------- /tools/data/ucf101/download_videos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/download_videos.sh -------------------------------------------------------------------------------- /tools/data/ucf101/extract_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/extract_frames.sh -------------------------------------------------------------------------------- /tools/data/ucf101/extract_rgb_frames.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/extract_rgb_frames.sh -------------------------------------------------------------------------------- /tools/data/ucf101/extract_rgb_frames_opencv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/extract_rgb_frames_opencv.sh -------------------------------------------------------------------------------- /tools/data/ucf101/generate_rawframes_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/generate_rawframes_filelist.sh -------------------------------------------------------------------------------- /tools/data/ucf101/generate_videos_filelist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/generate_videos_filelist.sh -------------------------------------------------------------------------------- /tools/data/ucf101/label_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101/label_map.txt -------------------------------------------------------------------------------- /tools/data/ucf101_24/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101_24/README.md -------------------------------------------------------------------------------- /tools/data/ucf101_24/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/ucf101_24/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/video_retrieval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/video_retrieval/README.md -------------------------------------------------------------------------------- /tools/data/video_retrieval/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/video_retrieval/README_zh-CN.md -------------------------------------------------------------------------------- /tools/data/video_retrieval/prepare_msrvtt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/video_retrieval/prepare_msrvtt.py -------------------------------------------------------------------------------- /tools/data/video_retrieval/prepare_msrvtt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/video_retrieval/prepare_msrvtt.sh -------------------------------------------------------------------------------- /tools/data/video_retrieval/prepare_msvd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/video_retrieval/prepare_msvd.py -------------------------------------------------------------------------------- /tools/data/video_retrieval/prepare_msvd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/data/video_retrieval/prepare_msvd.sh -------------------------------------------------------------------------------- /tools/deployment/export_onnx_gcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/deployment/export_onnx_gcn.py -------------------------------------------------------------------------------- /tools/deployment/export_onnx_posec3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/deployment/export_onnx_posec3d.py -------------------------------------------------------------------------------- /tools/deployment/export_onnx_stdet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/deployment/export_onnx_stdet.py -------------------------------------------------------------------------------- /tools/deployment/mmaction2torchserve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/deployment/mmaction2torchserve.py -------------------------------------------------------------------------------- /tools/deployment/mmaction_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/deployment/mmaction_handler.py -------------------------------------------------------------------------------- /tools/deployment/publish_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/deployment/publish_model.py -------------------------------------------------------------------------------- /tools/dist_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/dist_test.sh -------------------------------------------------------------------------------- /tools/dist_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/dist_train.sh -------------------------------------------------------------------------------- /tools/misc/bsn_proposal_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/misc/bsn_proposal_generation.py -------------------------------------------------------------------------------- /tools/misc/clip_feature_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/misc/clip_feature_extraction.py -------------------------------------------------------------------------------- /tools/misc/dist_clip_feature_extraction.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/misc/dist_clip_feature_extraction.sh -------------------------------------------------------------------------------- /tools/misc/flow_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/misc/flow_extraction.py -------------------------------------------------------------------------------- /tools/slurm_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/slurm_test.sh -------------------------------------------------------------------------------- /tools/slurm_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/slurm_train.sh -------------------------------------------------------------------------------- /tools/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/test.py -------------------------------------------------------------------------------- /tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/train.py -------------------------------------------------------------------------------- /tools/visualizations/browse_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/visualizations/browse_dataset.py -------------------------------------------------------------------------------- /tools/visualizations/vis_cam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/visualizations/vis_cam.py -------------------------------------------------------------------------------- /tools/visualizations/vis_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/genvidbench/GenVidBench/HEAD/tools/visualizations/vis_scheduler.py --------------------------------------------------------------------------------