├── .flake8 ├── .gitignore ├── DATA.md ├── GETTING_STARTED.md ├── INSTALL.md ├── MODEL_ZOO.md ├── README.md ├── alphaction ├── __init__.py ├── config │ ├── __init__.py │ ├── defaults.py │ └── paths_catalog.py ├── csrc │ ├── ROIAlign3d.h │ ├── ROIPool3d.h │ ├── SigmoidFocalLoss.h │ ├── SoftmaxFocalLoss.h │ ├── cpu │ │ └── vision.h │ ├── cuda │ │ ├── ROIAlign3d_cuda.cu │ │ ├── ROIPool3d_cuda.cu │ │ ├── SigmoidFocalLoss_cuda.cu │ │ ├── SoftmaxFocalLoss_cuda.cu │ │ └── vision.h │ └── vision.cpp ├── dataset │ ├── __init__.py │ ├── build.py │ ├── collate_batch.py │ ├── datasets │ │ ├── __init__.py │ │ ├── ava.py │ │ ├── concat_dataset.py │ │ └── evaluation │ │ │ ├── __init__.py │ │ │ └── ava │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── ava_eval.py │ │ │ └── pascal_evaluation │ │ │ ├── __init__.py │ │ │ ├── label_map_util.py │ │ │ ├── metrics.py │ │ │ ├── np_box_list.py │ │ │ ├── np_box_list_ops.py │ │ │ ├── np_box_mask_list.py │ │ │ ├── np_box_mask_list_ops.py │ │ │ ├── np_box_ops.py │ │ │ ├── np_mask_ops.py │ │ │ ├── object_detection_evaluation.py │ │ │ ├── per_image_evaluation.py │ │ │ └── standard_fields.py │ ├── samplers │ │ ├── __init__.py │ │ ├── distributed.py │ │ ├── grouped_batch_sampler.py │ │ └── iteration_based_batch_sampler.py │ └── transforms │ │ ├── __init__.py │ │ ├── build.py │ │ ├── object_transforms.py │ │ └── video_transforms.py ├── engine │ ├── __init__.py │ ├── inference.py │ └── trainer.py ├── layers │ ├── __init__.py │ ├── batch_norm.py │ ├── roi_align_3d.py │ ├── roi_pool_3d.py │ ├── sigmoid_focal_loss.py │ └── softmax_focal_loss.py ├── modeling │ ├── __init__.py │ ├── backbone │ │ ├── __init__.py │ │ ├── backbone.py │ │ ├── i3d.py │ │ └── slowfast.py │ ├── common_blocks.py │ ├── detector │ │ ├── __init__.py │ │ └── action_detector.py │ ├── nonlocal_block.py │ ├── poolers.py │ ├── registry.py │ ├── roi_heads │ │ ├── __init__.py │ │ ├── action_head │ │ │ ├── IA_structure.py │ │ │ ├── __init__.py │ │ │ ├── action_head.py │ │ │ ├── inference.py │ │ │ ├── loss.py │ │ │ ├── metric.py │ │ │ ├── roi_action_feature_extractor.py │ │ │ └── roi_action_predictors.py │ │ └── roi_heads_3d.py │ └── utils.py ├── solver │ ├── __init__.py │ ├── build.py │ └── lr_scheduler.py ├── structures │ ├── __init__.py │ ├── bounding_box.py │ └── memory_pool.py └── utils │ ├── IA_helper.py │ ├── __init__.py │ ├── c2_model_loading.py │ ├── checkpoint.py │ ├── comm.py │ ├── logger.py │ ├── metric_logger.py │ ├── model_serialization.py │ ├── random_seed.py │ ├── registry.py │ └── video_decode.py ├── config_files ├── resnet101_8x8f_baseline.yaml ├── resnet101_8x8f_denseserial.yaml ├── resnet50_4x16f_baseline.yaml ├── resnet50_4x16f_denseserial.yaml ├── resnet50_4x16f_parallel.yaml └── resnet50_4x16f_serial.yaml ├── demo ├── README.md ├── Roboto-Bold.ttf ├── action_predictor.py ├── demo.py ├── video_detection_loader.py └── visualizer.py ├── detector ├── __init__.py ├── apis.py ├── nms │ ├── __init__.py │ ├── nms_wrapper.py │ └── src │ │ ├── nms_cpu.cpp │ │ ├── nms_cuda.cpp │ │ ├── nms_kernel.cu │ │ └── soft_nms_cpu.pyx ├── tracker │ ├── README.md │ ├── __init__.py │ ├── cfg │ │ ├── ccmcpe.json │ │ └── yolov3.cfg │ ├── models.py │ ├── preprocess.py │ ├── tracker │ │ ├── __init__.py │ │ ├── basetrack.py │ │ ├── matching.py │ │ └── multitracker.py │ └── utils │ │ ├── __init__.py │ │ ├── datasets.py │ │ ├── evaluation.py │ │ ├── io.py │ │ ├── kalman_filter.py │ │ ├── log.py │ │ ├── nms.py │ │ ├── parse_config.py │ │ ├── timer.py │ │ ├── utils.py │ │ └── visualization.py ├── tracker_api.py ├── tracker_cfg.py ├── yolo │ ├── README.md │ ├── __init__.py │ ├── bbox.py │ ├── cam_demo.py │ ├── cfg │ │ ├── tiny-yolo-voc.cfg │ │ ├── yolo-voc.cfg │ │ ├── yolo.cfg │ │ ├── yolov3-spp.cfg │ │ └── yolov3.cfg │ ├── darknet.py │ ├── detect.py │ ├── pallete │ ├── preprocess.py │ ├── util.py │ ├── video_demo.py │ └── video_demo_half.py ├── yolo_api.py └── yolo_cfg.py ├── setup.py ├── test_net.py ├── tools └── ava │ ├── csv2COCO.py │ └── process_ava_videos.py └── train_net.py /.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/.flake8 -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/.gitignore -------------------------------------------------------------------------------- /DATA.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/DATA.md -------------------------------------------------------------------------------- /GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/GETTING_STARTED.md -------------------------------------------------------------------------------- /INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/INSTALL.md -------------------------------------------------------------------------------- /MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/MODEL_ZOO.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/README.md -------------------------------------------------------------------------------- /alphaction/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /alphaction/config/__init__.py: -------------------------------------------------------------------------------- 1 | from .defaults import _C as cfg 2 | -------------------------------------------------------------------------------- /alphaction/config/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/config/defaults.py -------------------------------------------------------------------------------- /alphaction/config/paths_catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/config/paths_catalog.py -------------------------------------------------------------------------------- /alphaction/csrc/ROIAlign3d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/ROIAlign3d.h -------------------------------------------------------------------------------- /alphaction/csrc/ROIPool3d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/ROIPool3d.h -------------------------------------------------------------------------------- /alphaction/csrc/SigmoidFocalLoss.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/SigmoidFocalLoss.h -------------------------------------------------------------------------------- /alphaction/csrc/SoftmaxFocalLoss.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/SoftmaxFocalLoss.h -------------------------------------------------------------------------------- /alphaction/csrc/cpu/vision.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /alphaction/csrc/cuda/ROIAlign3d_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/cuda/ROIAlign3d_cuda.cu -------------------------------------------------------------------------------- /alphaction/csrc/cuda/ROIPool3d_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/cuda/ROIPool3d_cuda.cu -------------------------------------------------------------------------------- /alphaction/csrc/cuda/SigmoidFocalLoss_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/cuda/SigmoidFocalLoss_cuda.cu -------------------------------------------------------------------------------- /alphaction/csrc/cuda/SoftmaxFocalLoss_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/cuda/SoftmaxFocalLoss_cuda.cu -------------------------------------------------------------------------------- /alphaction/csrc/cuda/vision.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/cuda/vision.h -------------------------------------------------------------------------------- /alphaction/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/csrc/vision.cpp -------------------------------------------------------------------------------- /alphaction/dataset/__init__.py: -------------------------------------------------------------------------------- 1 | from .build import make_data_loader 2 | -------------------------------------------------------------------------------- /alphaction/dataset/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/build.py -------------------------------------------------------------------------------- /alphaction/dataset/collate_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/collate_batch.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/__init__.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/ava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/ava.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/concat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/concat_dataset.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/__init__.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/README.md -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/__init__.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/ava_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/ava_eval.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/label_map_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/label_map_util.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/metrics.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_list.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_list_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_list_ops.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_mask_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_mask_list.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_mask_list_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_mask_list_ops.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_ops.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_mask_ops.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/object_detection_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/object_detection_evaluation.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/per_image_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/per_image_evaluation.py -------------------------------------------------------------------------------- /alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/standard_fields.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/standard_fields.py -------------------------------------------------------------------------------- /alphaction/dataset/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/samplers/__init__.py -------------------------------------------------------------------------------- /alphaction/dataset/samplers/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/samplers/distributed.py -------------------------------------------------------------------------------- /alphaction/dataset/samplers/grouped_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/samplers/grouped_batch_sampler.py -------------------------------------------------------------------------------- /alphaction/dataset/samplers/iteration_based_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/samplers/iteration_based_batch_sampler.py -------------------------------------------------------------------------------- /alphaction/dataset/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/transforms/__init__.py -------------------------------------------------------------------------------- /alphaction/dataset/transforms/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/transforms/build.py -------------------------------------------------------------------------------- /alphaction/dataset/transforms/object_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/transforms/object_transforms.py -------------------------------------------------------------------------------- /alphaction/dataset/transforms/video_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/dataset/transforms/video_transforms.py -------------------------------------------------------------------------------- /alphaction/engine/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /alphaction/engine/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/engine/inference.py -------------------------------------------------------------------------------- /alphaction/engine/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/engine/trainer.py -------------------------------------------------------------------------------- /alphaction/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/layers/__init__.py -------------------------------------------------------------------------------- /alphaction/layers/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/layers/batch_norm.py -------------------------------------------------------------------------------- /alphaction/layers/roi_align_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/layers/roi_align_3d.py -------------------------------------------------------------------------------- /alphaction/layers/roi_pool_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/layers/roi_pool_3d.py -------------------------------------------------------------------------------- /alphaction/layers/sigmoid_focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/layers/sigmoid_focal_loss.py -------------------------------------------------------------------------------- /alphaction/layers/softmax_focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/layers/softmax_focal_loss.py -------------------------------------------------------------------------------- /alphaction/modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /alphaction/modeling/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/backbone/__init__.py -------------------------------------------------------------------------------- /alphaction/modeling/backbone/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/backbone/backbone.py -------------------------------------------------------------------------------- /alphaction/modeling/backbone/i3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/backbone/i3d.py -------------------------------------------------------------------------------- /alphaction/modeling/backbone/slowfast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/backbone/slowfast.py -------------------------------------------------------------------------------- /alphaction/modeling/common_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/common_blocks.py -------------------------------------------------------------------------------- /alphaction/modeling/detector/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/detector/__init__.py -------------------------------------------------------------------------------- /alphaction/modeling/detector/action_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/detector/action_detector.py -------------------------------------------------------------------------------- /alphaction/modeling/nonlocal_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/nonlocal_block.py -------------------------------------------------------------------------------- /alphaction/modeling/poolers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/poolers.py -------------------------------------------------------------------------------- /alphaction/modeling/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/registry.py -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/action_head/IA_structure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/roi_heads/action_head/IA_structure.py -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/action_head/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/action_head/action_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/roi_heads/action_head/action_head.py -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/action_head/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/roi_heads/action_head/inference.py -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/action_head/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/roi_heads/action_head/loss.py -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/action_head/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/roi_heads/action_head/metric.py -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/action_head/roi_action_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/roi_heads/action_head/roi_action_feature_extractor.py -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/action_head/roi_action_predictors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/roi_heads/action_head/roi_action_predictors.py -------------------------------------------------------------------------------- /alphaction/modeling/roi_heads/roi_heads_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/roi_heads/roi_heads_3d.py -------------------------------------------------------------------------------- /alphaction/modeling/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/modeling/utils.py -------------------------------------------------------------------------------- /alphaction/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/solver/__init__.py -------------------------------------------------------------------------------- /alphaction/solver/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/solver/build.py -------------------------------------------------------------------------------- /alphaction/solver/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/solver/lr_scheduler.py -------------------------------------------------------------------------------- /alphaction/structures/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /alphaction/structures/bounding_box.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/structures/bounding_box.py -------------------------------------------------------------------------------- /alphaction/structures/memory_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/structures/memory_pool.py -------------------------------------------------------------------------------- /alphaction/utils/IA_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/IA_helper.py -------------------------------------------------------------------------------- /alphaction/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /alphaction/utils/c2_model_loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/c2_model_loading.py -------------------------------------------------------------------------------- /alphaction/utils/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/checkpoint.py -------------------------------------------------------------------------------- /alphaction/utils/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/comm.py -------------------------------------------------------------------------------- /alphaction/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/logger.py -------------------------------------------------------------------------------- /alphaction/utils/metric_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/metric_logger.py -------------------------------------------------------------------------------- /alphaction/utils/model_serialization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/model_serialization.py -------------------------------------------------------------------------------- /alphaction/utils/random_seed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/random_seed.py -------------------------------------------------------------------------------- /alphaction/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/registry.py -------------------------------------------------------------------------------- /alphaction/utils/video_decode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/alphaction/utils/video_decode.py -------------------------------------------------------------------------------- /config_files/resnet101_8x8f_baseline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/config_files/resnet101_8x8f_baseline.yaml -------------------------------------------------------------------------------- /config_files/resnet101_8x8f_denseserial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/config_files/resnet101_8x8f_denseserial.yaml -------------------------------------------------------------------------------- /config_files/resnet50_4x16f_baseline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/config_files/resnet50_4x16f_baseline.yaml -------------------------------------------------------------------------------- /config_files/resnet50_4x16f_denseserial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/config_files/resnet50_4x16f_denseserial.yaml -------------------------------------------------------------------------------- /config_files/resnet50_4x16f_parallel.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/config_files/resnet50_4x16f_parallel.yaml -------------------------------------------------------------------------------- /config_files/resnet50_4x16f_serial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/config_files/resnet50_4x16f_serial.yaml -------------------------------------------------------------------------------- /demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/demo/README.md -------------------------------------------------------------------------------- /demo/Roboto-Bold.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/demo/Roboto-Bold.ttf -------------------------------------------------------------------------------- /demo/action_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/demo/action_predictor.py -------------------------------------------------------------------------------- /demo/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/demo/demo.py -------------------------------------------------------------------------------- /demo/video_detection_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/demo/video_detection_loader.py -------------------------------------------------------------------------------- /demo/visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/demo/visualizer.py -------------------------------------------------------------------------------- /detector/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detector/apis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/apis.py -------------------------------------------------------------------------------- /detector/nms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/nms/__init__.py -------------------------------------------------------------------------------- /detector/nms/nms_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/nms/nms_wrapper.py -------------------------------------------------------------------------------- /detector/nms/src/nms_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/nms/src/nms_cpu.cpp -------------------------------------------------------------------------------- /detector/nms/src/nms_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/nms/src/nms_cuda.cpp -------------------------------------------------------------------------------- /detector/nms/src/nms_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/nms/src/nms_kernel.cu -------------------------------------------------------------------------------- /detector/nms/src/soft_nms_cpu.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/nms/src/soft_nms_cpu.pyx -------------------------------------------------------------------------------- /detector/tracker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/README.md -------------------------------------------------------------------------------- /detector/tracker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detector/tracker/cfg/ccmcpe.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/cfg/ccmcpe.json -------------------------------------------------------------------------------- /detector/tracker/cfg/yolov3.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/cfg/yolov3.cfg -------------------------------------------------------------------------------- /detector/tracker/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/models.py -------------------------------------------------------------------------------- /detector/tracker/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/preprocess.py -------------------------------------------------------------------------------- /detector/tracker/tracker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detector/tracker/tracker/basetrack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/tracker/basetrack.py -------------------------------------------------------------------------------- /detector/tracker/tracker/matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/tracker/matching.py -------------------------------------------------------------------------------- /detector/tracker/tracker/multitracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/tracker/multitracker.py -------------------------------------------------------------------------------- /detector/tracker/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detector/tracker/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/datasets.py -------------------------------------------------------------------------------- /detector/tracker/utils/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/evaluation.py -------------------------------------------------------------------------------- /detector/tracker/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/io.py -------------------------------------------------------------------------------- /detector/tracker/utils/kalman_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/kalman_filter.py -------------------------------------------------------------------------------- /detector/tracker/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/log.py -------------------------------------------------------------------------------- /detector/tracker/utils/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/nms.py -------------------------------------------------------------------------------- /detector/tracker/utils/parse_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/parse_config.py -------------------------------------------------------------------------------- /detector/tracker/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/timer.py -------------------------------------------------------------------------------- /detector/tracker/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/utils.py -------------------------------------------------------------------------------- /detector/tracker/utils/visualization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker/utils/visualization.py -------------------------------------------------------------------------------- /detector/tracker_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker_api.py -------------------------------------------------------------------------------- /detector/tracker_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/tracker_cfg.py -------------------------------------------------------------------------------- /detector/yolo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/README.md -------------------------------------------------------------------------------- /detector/yolo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detector/yolo/bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/bbox.py -------------------------------------------------------------------------------- /detector/yolo/cam_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/cam_demo.py -------------------------------------------------------------------------------- /detector/yolo/cfg/tiny-yolo-voc.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/cfg/tiny-yolo-voc.cfg -------------------------------------------------------------------------------- /detector/yolo/cfg/yolo-voc.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/cfg/yolo-voc.cfg -------------------------------------------------------------------------------- /detector/yolo/cfg/yolo.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/cfg/yolo.cfg -------------------------------------------------------------------------------- /detector/yolo/cfg/yolov3-spp.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/cfg/yolov3-spp.cfg -------------------------------------------------------------------------------- /detector/yolo/cfg/yolov3.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/cfg/yolov3.cfg -------------------------------------------------------------------------------- /detector/yolo/darknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/darknet.py -------------------------------------------------------------------------------- /detector/yolo/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/detect.py -------------------------------------------------------------------------------- /detector/yolo/pallete: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/pallete -------------------------------------------------------------------------------- /detector/yolo/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/preprocess.py -------------------------------------------------------------------------------- /detector/yolo/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/util.py -------------------------------------------------------------------------------- /detector/yolo/video_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/video_demo.py -------------------------------------------------------------------------------- /detector/yolo/video_demo_half.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo/video_demo_half.py -------------------------------------------------------------------------------- /detector/yolo_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo_api.py -------------------------------------------------------------------------------- /detector/yolo_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/detector/yolo_cfg.py -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/setup.py -------------------------------------------------------------------------------- /test_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/test_net.py -------------------------------------------------------------------------------- /tools/ava/csv2COCO.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/tools/ava/csv2COCO.py -------------------------------------------------------------------------------- /tools/ava/process_ava_videos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/tools/ava/process_ava_videos.py -------------------------------------------------------------------------------- /train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MVIG-SJTU/AlphAction/HEAD/train_net.py --------------------------------------------------------------------------------