├── .gitignore ├── .idea ├── .gitignore ├── inspectionProfiles │ ├── Project_Default.xml │ └── profiles_settings.xml ├── misc.xml ├── modules.xml ├── smart_classroom.iml └── vcs.xml ├── .img └── README │ ├── image-20210514153925536.png │ ├── image-20210620223428871.png │ ├── 侧面作弊动作.png │ ├── 正面专注度.png │ └── 正面作弊动作.png ├── LICENSE ├── README.md ├── detection_system ├── .gitignore ├── LICENSE ├── README.md ├── alphapose │ ├── __init__.py │ ├── datasets │ │ ├── __init__.py │ │ ├── coco_det.py │ │ ├── coco_wholebody.py │ │ ├── coco_wholebody_det.py │ │ ├── concat_dataset.py │ │ ├── custom.py │ │ ├── halpe_136.py │ │ ├── halpe_136_det.py │ │ ├── halpe_26.py │ │ ├── halpe_26_det.py │ │ ├── mpii.py │ │ └── mscoco.py │ ├── models │ │ ├── __init__.py │ │ ├── builder.py │ │ ├── criterion.py │ │ ├── fastpose.py │ │ ├── fastpose_duc.py │ │ ├── fastpose_duc_dense.py │ │ ├── hardnet.py │ │ ├── hrnet.py │ │ ├── layers │ │ │ ├── DUC.py │ │ │ ├── PixelUnshuffle.py │ │ │ ├── Resnet.py │ │ │ ├── SE_Resnet.py │ │ │ ├── SE_module.py │ │ │ ├── ShuffleResnet.py │ │ │ └── dcn │ │ │ │ ├── DCN.py │ │ │ │ ├── __init__.py │ │ │ │ ├── deform_conv.py │ │ │ │ ├── deform_pool.py │ │ │ │ └── src │ │ │ │ ├── deform_conv_cuda.cpp │ │ │ │ ├── deform_conv_cuda_kernel.cu │ │ │ │ ├── deform_pool_cuda.cpp │ │ │ │ └── deform_pool_cuda_kernel.cu │ │ └── simplepose.py │ ├── opt.py │ ├── utils │ │ ├── __init__.py │ │ ├── bbox.py │ │ ├── config.py │ │ ├── detector.py │ │ ├── env.py │ │ ├── file_detector.py │ │ ├── logger.py │ │ ├── metrics.py │ │ ├── pPose_nms.py │ │ ├── presets │ │ │ ├── __init__.py │ │ │ └── simple_transform.py │ │ ├── registry.py │ │ ├── roi_align │ │ │ ├── __init__.py │ │ │ ├── roi_align.py │ │ │ └── src │ │ │ │ ├── roi_align_cuda.cpp │ │ │ │ └── roi_align_kernel.cu │ │ ├── transforms.py │ │ ├── vis.py │ │ ├── webcam_detector.py │ │ └── writer.py │ └── version.py ├── configs │ ├── coco │ │ ├── hardnet │ │ │ ├── 256x192_hard68_lr1e-3_1x.yaml │ │ │ └── 256x192_hard85_lr1e-3_1x.yaml │ │ ├── hrnet │ │ │ └── 256x192_w32_lr1e-3.yaml │ │ └── resnet │ │ │ ├── 256x192_res152_lr1e-3_1x-duc.yaml │ │ │ ├── 256x192_res50_lr1e-3_1x-concat.yaml │ │ │ ├── 256x192_res50_lr1e-3_1x-duc.yaml │ │ │ ├── 256x192_res50_lr1e-3_1x-simple.yaml │ │ │ ├── 256x192_res50_lr1e-3_1x.yaml │ │ │ ├── 256x192_res50_lr1e-3_2x-dcn.yaml │ │ │ ├── 256x192_res50_lr1e-3_2x-regression.yaml │ │ │ └── 256x192_res50_lr1e-3_2x.yaml │ ├── dense_coco │ │ └── resnet50 │ │ │ └── 256x192_adam_lr1e-3-duc-dcn_1x_crop.yaml │ ├── halpe_136 │ │ ├── hardnet │ │ │ └── 256x192_hard68_lr1e-3_1x.yaml │ │ └── resnet │ │ │ ├── 256x192_res50_lr1e-3_1x.yaml │ │ │ └── 256x192_res50_lr1e-3_2x-regression.yaml │ └── halpe_26 │ │ └── resnet │ │ └── 256x192_res50_lr1e-3_1x.yaml ├── demo_inference.py ├── detector │ ├── apis.py │ ├── effdet_api.py │ ├── effdet_cfg.py │ ├── efficientdet │ │ ├── README.md │ │ ├── effdet │ │ │ ├── __init__.py │ │ │ ├── anchors.py │ │ │ ├── bench.py │ │ │ ├── config │ │ │ │ └── config.py │ │ │ ├── efficientdet.py │ │ │ ├── helpers.py │ │ │ └── object_detection │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── argmax_matcher.py │ │ │ │ ├── box_coder.py │ │ │ │ ├── box_list.py │ │ │ │ ├── faster_rcnn_box_coder.py │ │ │ │ ├── matcher.py │ │ │ │ ├── region_similarity_calculator.py │ │ │ │ └── target_assigner.py │ │ ├── utils.py │ │ └── weights │ │ │ └── get_models.sh │ ├── nms │ │ ├── __init__.py │ │ ├── nms_wrapper.py │ │ └── src │ │ │ ├── nms_cpu.cpp │ │ │ ├── nms_cuda.cpp │ │ │ ├── nms_kernel.cu │ │ │ ├── soft_nms_cpu.cpp │ │ │ └── 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 ├── docs │ ├── CrowdPose.md │ ├── GETTING_STARTED.md │ ├── INSTALL.md │ ├── MODEL_ZOO.md │ ├── alphapose_136.gif │ ├── alphapose_17.gif │ ├── alphapose_26.gif │ ├── contributors.md │ ├── crowdpose.gif │ ├── faq.md │ ├── logo.jpg │ ├── logs │ │ ├── fast_421_res152_256x192.log │ │ ├── fast_421_res50-shuffle_256x192.log │ │ ├── fast_dcn_res50_256x192.log │ │ ├── fast_res50_256x192.log │ │ ├── hrnet_w32_256x192.log │ │ └── simple_res50_256x192.log │ ├── output.md │ ├── pose.gif │ ├── posetrack.gif │ ├── posetrack2.gif │ ├── run.md │ ├── speed_up.md │ ├── step1.jpg │ ├── step2.jpg │ ├── step3.jpg │ ├── step4.jpg │ └── win_install.md ├── examples │ ├── demo │ │ ├── 1.jpg │ │ ├── 2.jpg │ │ └── 3.jpg │ ├── list-coco-demo.txt │ ├── list-coco-minival500.txt │ ├── list-coco-val5000.txt │ └── scene_mask.png ├── face_recog │ ├── .gitignore │ ├── __init__.py │ ├── data │ │ ├── __init__.py │ │ └── config.py │ ├── layers │ │ ├── __init__.py │ │ ├── functions │ │ │ └── prior_box.py │ │ └── modules │ │ │ ├── __init__.py │ │ │ └── multibox_loss.py │ ├── main.py │ ├── models │ │ ├── __init__.py │ │ ├── face_boxes_location.py │ │ ├── face_location_scanner.py │ │ ├── face_recog.py │ │ └── faceboxes.py │ ├── people │ │ └── worlds-largest-selfie.jpg │ ├── register_face.py │ ├── register_face_webcam.py │ ├── roll_call.py │ ├── test.py │ └── utils │ │ ├── __init__.py │ │ ├── box_utils.py │ │ ├── build.py │ │ ├── face_bank.py │ │ ├── nms │ │ ├── __init__.py │ │ ├── cpu_nms.pyx │ │ ├── gpu_nms.hpp │ │ ├── gpu_nms.pyx │ │ ├── nms_kernel.cu │ │ └── py_cpu_nms.py │ │ ├── nms_wrapper.py │ │ └── timer.py ├── kp_analysis │ ├── action_analysis.py │ ├── action_classifier.py │ ├── action_classifier_v2.py │ └── logistic_regression.py ├── pose_estimation │ ├── __init__.py │ ├── pose_estimator.py │ ├── pose_test.py │ └── stabilizer.py ├── pretrained_models │ └── get_models.sh ├── scripts │ ├── demo_api.py │ ├── inference.sh │ ├── train.py │ ├── train.sh │ ├── validate.py │ └── validate.sh ├── setup.cfg ├── setup.py ├── silent_face │ ├── .gitignore │ ├── LICENSE │ ├── README.md │ ├── README_EN.md │ ├── __init__.py │ ├── datasets │ │ └── README.md │ ├── images │ │ ├── demo.gif │ │ ├── framework.jpg │ │ ├── logo.jpg │ │ ├── patch_demo.png │ │ ├── sample │ │ │ ├── image_F1.jpg │ │ │ ├── image_F1_result.jpg │ │ │ ├── image_F2.jpg │ │ │ ├── image_F2_result.jpg │ │ │ ├── image_T1.jpg │ │ │ └── image_T1_result.jpg │ │ ├── 设置阈值.png │ │ └── 静默活体APK.jpeg │ ├── requirements.txt │ ├── resources │ │ └── detection_model │ │ │ ├── Widerface-RetinaFace.caffemodel │ │ │ └── deploy.prototxt │ ├── runs │ │ ├── Jun11_16-18-35_LAPTOP-GJLJI8Q3MiniFASNetV2 │ │ │ └── events.out.tfevents.1623399515.LAPTOP-GJLJI8Q3 │ │ └── Jun11_16-25-49_LAPTOP-GJLJI8Q3MiniFASNetV1SE │ │ │ └── events.out.tfevents.1623399949.LAPTOP-GJLJI8Q3 │ ├── saved_logs │ │ └── jobs │ │ │ └── Anti_Spoofing_1_80x80 │ │ │ └── Jul08_12-51-18 │ │ │ └── events.out.tfevents.1594183888.old01 │ ├── src │ │ ├── anti_spoof_predict.py │ │ ├── anti_spoof_predictor.py │ │ ├── data_io │ │ │ ├── dataset_folder.py │ │ │ ├── dataset_loader.py │ │ │ ├── functional.py │ │ │ └── transform.py │ │ ├── default_config.py │ │ ├── generate_patches.py │ │ ├── model_lib │ │ │ ├── MiniFASNet.py │ │ │ └── MultiFTNet.py │ │ ├── train_main.py │ │ └── utility.py │ ├── test.py │ ├── train.py │ └── watch_tensor.py ├── silent_face_webcam.py ├── trackers │ ├── PoseFlow │ │ ├── README.md │ │ ├── alpha-pose-results-sample.json │ │ ├── matching.py │ │ ├── parallel_process.py │ │ ├── poseflow_infer.py │ │ ├── posetrack1.gif │ │ ├── posetrack2.gif │ │ ├── posetrack_data │ │ ├── poseval │ │ ├── requirements.txt │ │ ├── tracker-baseline.py │ │ ├── tracker-general.py │ │ └── utils.py │ ├── README.md │ ├── ReidModels │ │ ├── ResBnLin.py │ │ ├── ResNet.py │ │ ├── __init__.py │ │ ├── backbone │ │ │ ├── __init__.py │ │ │ ├── googlenet.py │ │ │ ├── lrn.py │ │ │ └── sqeezenet.py │ │ ├── bn_linear.py │ │ ├── classification │ │ │ ├── __init__.py │ │ │ ├── classifier.py │ │ │ └── rfcn_cls.py │ │ ├── net_utils.py │ │ ├── osnet.py │ │ ├── osnet_ain.py │ │ ├── psroi_pooling │ │ │ ├── __init__.py │ │ │ ├── _ext │ │ │ │ ├── __init__.py │ │ │ │ └── psroi_pooling │ │ │ │ │ └── __init__.py │ │ │ ├── build.py │ │ │ ├── functions │ │ │ │ ├── __init__.py │ │ │ │ └── psroi_pooling.py │ │ │ ├── make.sh │ │ │ ├── modules │ │ │ │ ├── __init__.py │ │ │ │ └── psroi_pool.py │ │ │ └── src │ │ │ │ ├── cuda │ │ │ │ ├── psroi_pooling_kernel.cu │ │ │ │ └── psroi_pooling_kernel.h │ │ │ │ ├── psroi_pooling_cuda.c │ │ │ │ └── psroi_pooling_cuda.h │ │ ├── reid │ │ │ ├── __init__.py │ │ │ └── image_part_aligned.py │ │ └── resnet_fc.py │ ├── __init__.py │ ├── tracker_api.py │ ├── tracker_cfg.py │ ├── tracking │ │ ├── README.md │ │ ├── __init__.py │ │ ├── basetrack.py │ │ ├── matching.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── io.py │ │ │ ├── kalman_filter.py │ │ │ ├── nms.py │ │ │ ├── parse_config.py │ │ │ ├── timer.py │ │ │ └── utils.py │ └── utils │ │ ├── basetransforms.py │ │ ├── bbox.py │ │ ├── io.py │ │ ├── kalman_filter.py │ │ ├── log.py │ │ ├── parse_config.py │ │ ├── timer.py │ │ ├── transform.py │ │ └── utils.py └── utils │ ├── attention_by_expression_angle.py │ ├── classroom_concentration_fce.py │ ├── reid_states.py │ └── scene_masker.py └── template_projects ├── AlphaPose ├── .gitignore ├── LICENSE ├── README.md ├── alphapose │ ├── __init__.py │ ├── datasets │ │ ├── __init__.py │ │ ├── coco_det.py │ │ ├── coco_wholebody.py │ │ ├── coco_wholebody_det.py │ │ ├── concat_dataset.py │ │ ├── custom.py │ │ ├── halpe_136.py │ │ ├── halpe_136_det.py │ │ ├── halpe_26.py │ │ ├── halpe_26_det.py │ │ ├── mpii.py │ │ └── mscoco.py │ ├── models │ │ ├── __init__.py │ │ ├── builder.py │ │ ├── criterion.py │ │ ├── fastpose.py │ │ ├── fastpose_duc.py │ │ ├── fastpose_duc_dense.py │ │ ├── hardnet.py │ │ ├── hrnet.py │ │ ├── layers │ │ │ ├── DUC.py │ │ │ ├── PixelUnshuffle.py │ │ │ ├── Resnet.py │ │ │ ├── SE_Resnet.py │ │ │ ├── SE_module.py │ │ │ ├── ShuffleResnet.py │ │ │ └── dcn │ │ │ │ ├── DCN.py │ │ │ │ ├── __init__.py │ │ │ │ ├── deform_conv.py │ │ │ │ ├── deform_pool.py │ │ │ │ └── src │ │ │ │ ├── deform_conv_cuda.cpp │ │ │ │ ├── deform_conv_cuda_kernel.cu │ │ │ │ ├── deform_pool_cuda.cpp │ │ │ │ └── deform_pool_cuda_kernel.cu │ │ └── simplepose.py │ ├── opt.py │ ├── utils │ │ ├── __init__.py │ │ ├── bbox.py │ │ ├── config.py │ │ ├── detector.py │ │ ├── env.py │ │ ├── file_detector.py │ │ ├── logger.py │ │ ├── metrics.py │ │ ├── pPose_nms.py │ │ ├── presets │ │ │ ├── __init__.py │ │ │ └── simple_transform.py │ │ ├── registry.py │ │ ├── roi_align │ │ │ ├── __init__.py │ │ │ ├── roi_align.py │ │ │ └── src │ │ │ │ ├── roi_align_cuda.cpp │ │ │ │ └── roi_align_kernel.cu │ │ ├── transforms.py │ │ ├── vis.py │ │ ├── webcam_detector.py │ │ └── writer.py │ └── version.py ├── configs │ ├── coco │ │ ├── hardnet │ │ │ ├── 256x192_hard68_lr1e-3_1x.yaml │ │ │ └── 256x192_hard85_lr1e-3_1x.yaml │ │ ├── hrnet │ │ │ └── 256x192_w32_lr1e-3.yaml │ │ └── resnet │ │ │ ├── 256x192_res152_lr1e-3_1x-duc.yaml │ │ │ ├── 256x192_res50_lr1e-3_1x-concat.yaml │ │ │ ├── 256x192_res50_lr1e-3_1x-duc.yaml │ │ │ ├── 256x192_res50_lr1e-3_1x-simple.yaml │ │ │ ├── 256x192_res50_lr1e-3_1x.yaml │ │ │ ├── 256x192_res50_lr1e-3_2x-dcn.yaml │ │ │ ├── 256x192_res50_lr1e-3_2x-regression.yaml │ │ │ └── 256x192_res50_lr1e-3_2x.yaml │ ├── dense_coco │ │ └── resnet50 │ │ │ └── 256x192_adam_lr1e-3-duc-dcn_1x_crop.yaml │ ├── halpe_136 │ │ ├── hardnet │ │ │ └── 256x192_hard68_lr1e-3_1x.yaml │ │ └── resnet │ │ │ ├── 256x192_res50_lr1e-3_1x.yaml │ │ │ └── 256x192_res50_lr1e-3_2x-regression.yaml │ └── halpe_26 │ │ └── resnet │ │ └── 256x192_res50_lr1e-3_1x.yaml ├── detector │ ├── apis.py │ ├── effdet_api.py │ ├── effdet_cfg.py │ ├── efficientdet │ │ ├── README.md │ │ ├── effdet │ │ │ ├── __init__.py │ │ │ ├── anchors.py │ │ │ ├── bench.py │ │ │ ├── config │ │ │ │ └── config.py │ │ │ ├── efficientdet.py │ │ │ ├── helpers.py │ │ │ └── object_detection │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── argmax_matcher.py │ │ │ │ ├── box_coder.py │ │ │ │ ├── box_list.py │ │ │ │ ├── faster_rcnn_box_coder.py │ │ │ │ ├── matcher.py │ │ │ │ ├── region_similarity_calculator.py │ │ │ │ └── target_assigner.py │ │ ├── utils.py │ │ └── weights │ │ │ └── get_models.sh │ ├── nms │ │ ├── __init__.py │ │ ├── nms_wrapper.py │ │ └── src │ │ │ ├── nms_cpu.cpp │ │ │ ├── nms_cuda.cpp │ │ │ ├── nms_kernel.cu │ │ │ ├── soft_nms_cpu.cpp │ │ │ └── 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 ├── docs │ ├── CrowdPose.md │ ├── GETTING_STARTED.md │ ├── INSTALL.md │ ├── MODEL_ZOO.md │ ├── alphapose_136.gif │ ├── alphapose_17.gif │ ├── alphapose_26.gif │ ├── contributors.md │ ├── crowdpose.gif │ ├── faq.md │ ├── logo.jpg │ ├── logs │ │ ├── fast_421_res152_256x192.log │ │ ├── fast_421_res50-shuffle_256x192.log │ │ ├── fast_dcn_res50_256x192.log │ │ ├── fast_res50_256x192.log │ │ ├── hrnet_w32_256x192.log │ │ └── simple_res50_256x192.log │ ├── output.md │ ├── pose.gif │ ├── posetrack.gif │ ├── posetrack2.gif │ ├── run.md │ ├── speed_up.md │ ├── step1.jpg │ ├── step2.jpg │ ├── step3.jpg │ ├── step4.jpg │ └── win_install.md ├── examples │ ├── demo │ │ ├── 1.jpg │ │ ├── 2.jpg │ │ └── 3.jpg │ ├── list-coco-demo.txt │ ├── list-coco-minival500.txt │ └── list-coco-val5000.txt ├── pretrained_models │ └── get_models.sh ├── scripts │ ├── demo_api.py │ ├── demo_inference.py │ ├── inference.sh │ ├── train.py │ ├── train.sh │ ├── validate.py │ └── validate.sh ├── setup.cfg ├── setup.py └── trackers │ ├── PoseFlow │ ├── README.md │ ├── alpha-pose-results-sample.json │ ├── matching.py │ ├── parallel_process.py │ ├── poseflow_infer.py │ ├── posetrack1.gif │ ├── posetrack2.gif │ ├── posetrack_data │ ├── poseval │ ├── requirements.txt │ ├── tracker-baseline.py │ ├── tracker-general.py │ └── utils.py │ ├── README.md │ ├── ReidModels │ ├── ResBnLin.py │ ├── ResNet.py │ ├── __init__.py │ ├── backbone │ │ ├── __init__.py │ │ ├── googlenet.py │ │ ├── lrn.py │ │ └── sqeezenet.py │ ├── bn_linear.py │ ├── classification │ │ ├── __init__.py │ │ ├── classifier.py │ │ └── rfcn_cls.py │ ├── net_utils.py │ ├── osnet.py │ ├── osnet_ain.py │ ├── psroi_pooling │ │ ├── __init__.py │ │ ├── _ext │ │ │ ├── __init__.py │ │ │ └── psroi_pooling │ │ │ │ └── __init__.py │ │ ├── build.py │ │ ├── functions │ │ │ ├── __init__.py │ │ │ └── psroi_pooling.py │ │ ├── make.sh │ │ ├── modules │ │ │ ├── __init__.py │ │ │ └── psroi_pool.py │ │ └── src │ │ │ ├── cuda │ │ │ ├── psroi_pooling_kernel.cu │ │ │ └── psroi_pooling_kernel.h │ │ │ ├── psroi_pooling_cuda.c │ │ │ └── psroi_pooling_cuda.h │ ├── reid │ │ ├── __init__.py │ │ └── image_part_aligned.py │ └── resnet_fc.py │ ├── __init__.py │ ├── tracker_api.py │ ├── tracker_cfg.py │ ├── tracking │ ├── README.md │ ├── __init__.py │ ├── basetrack.py │ ├── matching.py │ └── utils │ │ ├── __init__.py │ │ ├── io.py │ │ ├── kalman_filter.py │ │ ├── nms.py │ │ ├── parse_config.py │ │ ├── timer.py │ │ └── utils.py │ └── utils │ ├── basetransforms.py │ ├── bbox.py │ ├── io.py │ ├── kalman_filter.py │ ├── log.py │ ├── parse_config.py │ ├── timer.py │ ├── transform.py │ └── utils.py └── head_pose_estimation ├── .gitignore ├── LICENSE ├── README.md ├── assets └── model.txt ├── doc ├── demo.gif ├── demo1.gif └── wechat_logo.png ├── estimate_head_pose.py ├── mark_detector.py ├── optical_flow_tracker.py ├── os_detector.py ├── pose_estimator.py └── stabilizer.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.gitignore -------------------------------------------------------------------------------- /.idea/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.idea/.gitignore -------------------------------------------------------------------------------- /.idea/inspectionProfiles/Project_Default.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.idea/inspectionProfiles/Project_Default.xml -------------------------------------------------------------------------------- /.idea/inspectionProfiles/profiles_settings.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.idea/inspectionProfiles/profiles_settings.xml -------------------------------------------------------------------------------- /.idea/misc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.idea/misc.xml -------------------------------------------------------------------------------- /.idea/modules.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.idea/modules.xml -------------------------------------------------------------------------------- /.idea/smart_classroom.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.idea/smart_classroom.iml -------------------------------------------------------------------------------- /.idea/vcs.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.idea/vcs.xml -------------------------------------------------------------------------------- /.img/README/image-20210514153925536.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.img/README/image-20210514153925536.png -------------------------------------------------------------------------------- /.img/README/image-20210620223428871.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.img/README/image-20210620223428871.png -------------------------------------------------------------------------------- /.img/README/侧面作弊动作.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.img/README/侧面作弊动作.png -------------------------------------------------------------------------------- /.img/README/正面专注度.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.img/README/正面专注度.png -------------------------------------------------------------------------------- /.img/README/正面作弊动作.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/.img/README/正面作弊动作.png -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/README.md -------------------------------------------------------------------------------- /detection_system/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/.gitignore -------------------------------------------------------------------------------- /detection_system/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/LICENSE -------------------------------------------------------------------------------- /detection_system/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/README.md -------------------------------------------------------------------------------- /detection_system/alphapose/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/__init__.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/__init__.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/coco_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/coco_det.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/coco_wholebody.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/coco_wholebody.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/coco_wholebody_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/coco_wholebody_det.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/concat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/concat_dataset.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/custom.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/halpe_136.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/halpe_136.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/halpe_136_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/halpe_136_det.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/halpe_26.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/halpe_26.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/halpe_26_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/halpe_26_det.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/mpii.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/mpii.py -------------------------------------------------------------------------------- /detection_system/alphapose/datasets/mscoco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/datasets/mscoco.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/__init__.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/builder.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/criterion.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/fastpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/fastpose.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/fastpose_duc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/fastpose_duc.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/fastpose_duc_dense.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/fastpose_duc_dense.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/hardnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/hardnet.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/hrnet.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/DUC.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/DUC.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/PixelUnshuffle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/PixelUnshuffle.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/Resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/Resnet.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/SE_Resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/SE_Resnet.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/SE_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/SE_module.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/ShuffleResnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/ShuffleResnet.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/dcn/DCN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/dcn/DCN.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/dcn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/dcn/__init__.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/dcn/deform_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/dcn/deform_conv.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/dcn/deform_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/dcn/deform_pool.py -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/dcn/src/deform_conv_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/dcn/src/deform_conv_cuda.cpp -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/dcn/src/deform_conv_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/dcn/src/deform_conv_cuda_kernel.cu -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/dcn/src/deform_pool_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/dcn/src/deform_pool_cuda.cpp -------------------------------------------------------------------------------- /detection_system/alphapose/models/layers/dcn/src/deform_pool_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/layers/dcn/src/deform_pool_cuda_kernel.cu -------------------------------------------------------------------------------- /detection_system/alphapose/models/simplepose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/models/simplepose.py -------------------------------------------------------------------------------- /detection_system/alphapose/opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/opt.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/__init__.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/bbox.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/config.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/detector.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/env.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/file_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/file_detector.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/logger.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/metrics.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/pPose_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/pPose_nms.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/presets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/presets/__init__.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/presets/simple_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/presets/simple_transform.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/registry.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/roi_align/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/roi_align/__init__.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/roi_align/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/roi_align/roi_align.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/roi_align/src/roi_align_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/roi_align/src/roi_align_cuda.cpp -------------------------------------------------------------------------------- /detection_system/alphapose/utils/roi_align/src/roi_align_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/roi_align/src/roi_align_kernel.cu -------------------------------------------------------------------------------- /detection_system/alphapose/utils/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/transforms.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/vis.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/webcam_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/webcam_detector.py -------------------------------------------------------------------------------- /detection_system/alphapose/utils/writer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/utils/writer.py -------------------------------------------------------------------------------- /detection_system/alphapose/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/alphapose/version.py -------------------------------------------------------------------------------- /detection_system/configs/coco/hardnet/256x192_hard68_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/hardnet/256x192_hard68_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/hardnet/256x192_hard85_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/hardnet/256x192_hard85_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/hrnet/256x192_w32_lr1e-3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/hrnet/256x192_w32_lr1e-3.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/resnet/256x192_res152_lr1e-3_1x-duc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/resnet/256x192_res152_lr1e-3_1x-duc.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/resnet/256x192_res50_lr1e-3_1x-concat.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/resnet/256x192_res50_lr1e-3_1x-concat.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/resnet/256x192_res50_lr1e-3_1x-duc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/resnet/256x192_res50_lr1e-3_1x-duc.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/resnet/256x192_res50_lr1e-3_1x-simple.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/resnet/256x192_res50_lr1e-3_1x-simple.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/resnet/256x192_res50_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/resnet/256x192_res50_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/resnet/256x192_res50_lr1e-3_2x-dcn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/resnet/256x192_res50_lr1e-3_2x-dcn.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/resnet/256x192_res50_lr1e-3_2x-regression.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/resnet/256x192_res50_lr1e-3_2x-regression.yaml -------------------------------------------------------------------------------- /detection_system/configs/coco/resnet/256x192_res50_lr1e-3_2x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/coco/resnet/256x192_res50_lr1e-3_2x.yaml -------------------------------------------------------------------------------- /detection_system/configs/dense_coco/resnet50/256x192_adam_lr1e-3-duc-dcn_1x_crop.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/dense_coco/resnet50/256x192_adam_lr1e-3-duc-dcn_1x_crop.yaml -------------------------------------------------------------------------------- /detection_system/configs/halpe_136/hardnet/256x192_hard68_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/halpe_136/hardnet/256x192_hard68_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /detection_system/configs/halpe_136/resnet/256x192_res50_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/halpe_136/resnet/256x192_res50_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /detection_system/configs/halpe_136/resnet/256x192_res50_lr1e-3_2x-regression.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/halpe_136/resnet/256x192_res50_lr1e-3_2x-regression.yaml -------------------------------------------------------------------------------- /detection_system/configs/halpe_26/resnet/256x192_res50_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/configs/halpe_26/resnet/256x192_res50_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /detection_system/demo_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/demo_inference.py -------------------------------------------------------------------------------- /detection_system/detector/apis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/apis.py -------------------------------------------------------------------------------- /detection_system/detector/effdet_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/effdet_api.py -------------------------------------------------------------------------------- /detection_system/detector/effdet_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/effdet_cfg.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/README.md -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/__init__.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/anchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/anchors.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/bench.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/config/config.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/efficientdet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/efficientdet.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/helpers.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/README.md -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/__init__.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/argmax_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/argmax_matcher.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/box_coder.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/box_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/box_list.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/faster_rcnn_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/faster_rcnn_box_coder.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/matcher.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/region_similarity_calculator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/region_similarity_calculator.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/effdet/object_detection/target_assigner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/effdet/object_detection/target_assigner.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/efficientdet/utils.py -------------------------------------------------------------------------------- /detection_system/detector/efficientdet/weights/get_models.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/detector/nms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/nms/__init__.py -------------------------------------------------------------------------------- /detection_system/detector/nms/nms_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/nms/nms_wrapper.py -------------------------------------------------------------------------------- /detection_system/detector/nms/src/nms_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/nms/src/nms_cpu.cpp -------------------------------------------------------------------------------- /detection_system/detector/nms/src/nms_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/nms/src/nms_cuda.cpp -------------------------------------------------------------------------------- /detection_system/detector/nms/src/nms_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/nms/src/nms_kernel.cu -------------------------------------------------------------------------------- /detection_system/detector/nms/src/soft_nms_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/nms/src/soft_nms_cpu.cpp -------------------------------------------------------------------------------- /detection_system/detector/nms/src/soft_nms_cpu.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/nms/src/soft_nms_cpu.pyx -------------------------------------------------------------------------------- /detection_system/detector/tracker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/README.md -------------------------------------------------------------------------------- /detection_system/detector/tracker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/detector/tracker/cfg/ccmcpe.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/cfg/ccmcpe.json -------------------------------------------------------------------------------- /detection_system/detector/tracker/cfg/yolov3.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/cfg/yolov3.cfg -------------------------------------------------------------------------------- /detection_system/detector/tracker/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/models.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/preprocess.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/tracker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/detector/tracker/tracker/basetrack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/tracker/basetrack.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/tracker/matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/tracker/matching.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/tracker/multitracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/tracker/multitracker.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/datasets.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/evaluation.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/io.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/kalman_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/kalman_filter.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/log.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/nms.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/parse_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/parse_config.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/timer.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/utils.py -------------------------------------------------------------------------------- /detection_system/detector/tracker/utils/visualization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker/utils/visualization.py -------------------------------------------------------------------------------- /detection_system/detector/tracker_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker_api.py -------------------------------------------------------------------------------- /detection_system/detector/tracker_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/tracker_cfg.py -------------------------------------------------------------------------------- /detection_system/detector/yolo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/README.md -------------------------------------------------------------------------------- /detection_system/detector/yolo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/detector/yolo/bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/bbox.py -------------------------------------------------------------------------------- /detection_system/detector/yolo/cam_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/cam_demo.py -------------------------------------------------------------------------------- /detection_system/detector/yolo/cfg/tiny-yolo-voc.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/cfg/tiny-yolo-voc.cfg -------------------------------------------------------------------------------- /detection_system/detector/yolo/cfg/yolo-voc.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/cfg/yolo-voc.cfg -------------------------------------------------------------------------------- /detection_system/detector/yolo/cfg/yolo.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/cfg/yolo.cfg -------------------------------------------------------------------------------- /detection_system/detector/yolo/cfg/yolov3-spp.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/cfg/yolov3-spp.cfg -------------------------------------------------------------------------------- /detection_system/detector/yolo/cfg/yolov3.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/cfg/yolov3.cfg -------------------------------------------------------------------------------- /detection_system/detector/yolo/darknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/darknet.py -------------------------------------------------------------------------------- /detection_system/detector/yolo/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/detect.py -------------------------------------------------------------------------------- /detection_system/detector/yolo/pallete: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/pallete -------------------------------------------------------------------------------- /detection_system/detector/yolo/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/preprocess.py -------------------------------------------------------------------------------- /detection_system/detector/yolo/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/util.py -------------------------------------------------------------------------------- /detection_system/detector/yolo/video_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/video_demo.py -------------------------------------------------------------------------------- /detection_system/detector/yolo/video_demo_half.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo/video_demo_half.py -------------------------------------------------------------------------------- /detection_system/detector/yolo_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo_api.py -------------------------------------------------------------------------------- /detection_system/detector/yolo_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/detector/yolo_cfg.py -------------------------------------------------------------------------------- /detection_system/docs/CrowdPose.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/CrowdPose.md -------------------------------------------------------------------------------- /detection_system/docs/GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/GETTING_STARTED.md -------------------------------------------------------------------------------- /detection_system/docs/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/INSTALL.md -------------------------------------------------------------------------------- /detection_system/docs/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/MODEL_ZOO.md -------------------------------------------------------------------------------- /detection_system/docs/alphapose_136.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/alphapose_136.gif -------------------------------------------------------------------------------- /detection_system/docs/alphapose_17.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/alphapose_17.gif -------------------------------------------------------------------------------- /detection_system/docs/alphapose_26.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/alphapose_26.gif -------------------------------------------------------------------------------- /detection_system/docs/contributors.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/contributors.md -------------------------------------------------------------------------------- /detection_system/docs/crowdpose.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/crowdpose.gif -------------------------------------------------------------------------------- /detection_system/docs/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/faq.md -------------------------------------------------------------------------------- /detection_system/docs/logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/logo.jpg -------------------------------------------------------------------------------- /detection_system/docs/logs/fast_421_res152_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/logs/fast_421_res152_256x192.log -------------------------------------------------------------------------------- /detection_system/docs/logs/fast_421_res50-shuffle_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/logs/fast_421_res50-shuffle_256x192.log -------------------------------------------------------------------------------- /detection_system/docs/logs/fast_dcn_res50_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/logs/fast_dcn_res50_256x192.log -------------------------------------------------------------------------------- /detection_system/docs/logs/fast_res50_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/logs/fast_res50_256x192.log -------------------------------------------------------------------------------- /detection_system/docs/logs/hrnet_w32_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/logs/hrnet_w32_256x192.log -------------------------------------------------------------------------------- /detection_system/docs/logs/simple_res50_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/logs/simple_res50_256x192.log -------------------------------------------------------------------------------- /detection_system/docs/output.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/output.md -------------------------------------------------------------------------------- /detection_system/docs/pose.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/pose.gif -------------------------------------------------------------------------------- /detection_system/docs/posetrack.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/posetrack.gif -------------------------------------------------------------------------------- /detection_system/docs/posetrack2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/posetrack2.gif -------------------------------------------------------------------------------- /detection_system/docs/run.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/run.md -------------------------------------------------------------------------------- /detection_system/docs/speed_up.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/speed_up.md -------------------------------------------------------------------------------- /detection_system/docs/step1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/step1.jpg -------------------------------------------------------------------------------- /detection_system/docs/step2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/step2.jpg -------------------------------------------------------------------------------- /detection_system/docs/step3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/step3.jpg -------------------------------------------------------------------------------- /detection_system/docs/step4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/step4.jpg -------------------------------------------------------------------------------- /detection_system/docs/win_install.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/docs/win_install.md -------------------------------------------------------------------------------- /detection_system/examples/demo/1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/examples/demo/1.jpg -------------------------------------------------------------------------------- /detection_system/examples/demo/2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/examples/demo/2.jpg -------------------------------------------------------------------------------- /detection_system/examples/demo/3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/examples/demo/3.jpg -------------------------------------------------------------------------------- /detection_system/examples/list-coco-demo.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/examples/list-coco-demo.txt -------------------------------------------------------------------------------- /detection_system/examples/list-coco-minival500.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/examples/list-coco-minival500.txt -------------------------------------------------------------------------------- /detection_system/examples/list-coco-val5000.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/examples/list-coco-val5000.txt -------------------------------------------------------------------------------- /detection_system/examples/scene_mask.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/examples/scene_mask.png -------------------------------------------------------------------------------- /detection_system/face_recog/.gitignore: -------------------------------------------------------------------------------- 1 | !data 2 | facebank/* 3 | weights/* -------------------------------------------------------------------------------- /detection_system/face_recog/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/__init__.py -------------------------------------------------------------------------------- /detection_system/face_recog/data/__init__.py: -------------------------------------------------------------------------------- 1 | from .config import * 2 | -------------------------------------------------------------------------------- /detection_system/face_recog/data/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/data/config.py -------------------------------------------------------------------------------- /detection_system/face_recog/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/layers/__init__.py -------------------------------------------------------------------------------- /detection_system/face_recog/layers/functions/prior_box.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/layers/functions/prior_box.py -------------------------------------------------------------------------------- /detection_system/face_recog/layers/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/layers/modules/__init__.py -------------------------------------------------------------------------------- /detection_system/face_recog/layers/modules/multibox_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/layers/modules/multibox_loss.py -------------------------------------------------------------------------------- /detection_system/face_recog/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/main.py -------------------------------------------------------------------------------- /detection_system/face_recog/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/face_recog/models/face_boxes_location.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/models/face_boxes_location.py -------------------------------------------------------------------------------- /detection_system/face_recog/models/face_location_scanner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/models/face_location_scanner.py -------------------------------------------------------------------------------- /detection_system/face_recog/models/face_recog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/models/face_recog.py -------------------------------------------------------------------------------- /detection_system/face_recog/models/faceboxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/models/faceboxes.py -------------------------------------------------------------------------------- /detection_system/face_recog/people/worlds-largest-selfie.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/people/worlds-largest-selfie.jpg -------------------------------------------------------------------------------- /detection_system/face_recog/register_face.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/register_face.py -------------------------------------------------------------------------------- /detection_system/face_recog/register_face_webcam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/register_face_webcam.py -------------------------------------------------------------------------------- /detection_system/face_recog/roll_call.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/roll_call.py -------------------------------------------------------------------------------- /detection_system/face_recog/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/test.py -------------------------------------------------------------------------------- /detection_system/face_recog/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/face_recog/utils/box_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/box_utils.py -------------------------------------------------------------------------------- /detection_system/face_recog/utils/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/build.py -------------------------------------------------------------------------------- /detection_system/face_recog/utils/face_bank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/face_bank.py -------------------------------------------------------------------------------- /detection_system/face_recog/utils/nms/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/face_recog/utils/nms/cpu_nms.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/nms/cpu_nms.pyx -------------------------------------------------------------------------------- /detection_system/face_recog/utils/nms/gpu_nms.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/nms/gpu_nms.hpp -------------------------------------------------------------------------------- /detection_system/face_recog/utils/nms/gpu_nms.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/nms/gpu_nms.pyx -------------------------------------------------------------------------------- /detection_system/face_recog/utils/nms/nms_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/nms/nms_kernel.cu -------------------------------------------------------------------------------- /detection_system/face_recog/utils/nms/py_cpu_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/nms/py_cpu_nms.py -------------------------------------------------------------------------------- /detection_system/face_recog/utils/nms_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/nms_wrapper.py -------------------------------------------------------------------------------- /detection_system/face_recog/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/face_recog/utils/timer.py -------------------------------------------------------------------------------- /detection_system/kp_analysis/action_analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/kp_analysis/action_analysis.py -------------------------------------------------------------------------------- /detection_system/kp_analysis/action_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/kp_analysis/action_classifier.py -------------------------------------------------------------------------------- /detection_system/kp_analysis/action_classifier_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/kp_analysis/action_classifier_v2.py -------------------------------------------------------------------------------- /detection_system/kp_analysis/logistic_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/kp_analysis/logistic_regression.py -------------------------------------------------------------------------------- /detection_system/pose_estimation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/pose_estimation/pose_estimator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/pose_estimation/pose_estimator.py -------------------------------------------------------------------------------- /detection_system/pose_estimation/pose_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/pose_estimation/pose_test.py -------------------------------------------------------------------------------- /detection_system/pose_estimation/stabilizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/pose_estimation/stabilizer.py -------------------------------------------------------------------------------- /detection_system/pretrained_models/get_models.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/scripts/demo_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/scripts/demo_api.py -------------------------------------------------------------------------------- /detection_system/scripts/inference.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/scripts/inference.sh -------------------------------------------------------------------------------- /detection_system/scripts/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/scripts/train.py -------------------------------------------------------------------------------- /detection_system/scripts/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/scripts/train.sh -------------------------------------------------------------------------------- /detection_system/scripts/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/scripts/validate.py -------------------------------------------------------------------------------- /detection_system/scripts/validate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/scripts/validate.sh -------------------------------------------------------------------------------- /detection_system/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/setup.cfg -------------------------------------------------------------------------------- /detection_system/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/setup.py -------------------------------------------------------------------------------- /detection_system/silent_face/.gitignore: -------------------------------------------------------------------------------- 1 | .idea -------------------------------------------------------------------------------- /detection_system/silent_face/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/LICENSE -------------------------------------------------------------------------------- /detection_system/silent_face/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/README.md -------------------------------------------------------------------------------- /detection_system/silent_face/README_EN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/README_EN.md -------------------------------------------------------------------------------- /detection_system/silent_face/__init__.py: -------------------------------------------------------------------------------- 1 | from silent_face.src import * 2 | -------------------------------------------------------------------------------- /detection_system/silent_face/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/datasets/README.md -------------------------------------------------------------------------------- /detection_system/silent_face/images/demo.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/demo.gif -------------------------------------------------------------------------------- /detection_system/silent_face/images/framework.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/framework.jpg -------------------------------------------------------------------------------- /detection_system/silent_face/images/logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/logo.jpg -------------------------------------------------------------------------------- /detection_system/silent_face/images/patch_demo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/patch_demo.png -------------------------------------------------------------------------------- /detection_system/silent_face/images/sample/image_F1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/sample/image_F1.jpg -------------------------------------------------------------------------------- /detection_system/silent_face/images/sample/image_F1_result.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/sample/image_F1_result.jpg -------------------------------------------------------------------------------- /detection_system/silent_face/images/sample/image_F2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/sample/image_F2.jpg -------------------------------------------------------------------------------- /detection_system/silent_face/images/sample/image_F2_result.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/sample/image_F2_result.jpg -------------------------------------------------------------------------------- /detection_system/silent_face/images/sample/image_T1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/sample/image_T1.jpg -------------------------------------------------------------------------------- /detection_system/silent_face/images/sample/image_T1_result.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/sample/image_T1_result.jpg -------------------------------------------------------------------------------- /detection_system/silent_face/images/设置阈值.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/设置阈值.png -------------------------------------------------------------------------------- /detection_system/silent_face/images/静默活体APK.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/images/静默活体APK.jpeg -------------------------------------------------------------------------------- /detection_system/silent_face/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/requirements.txt -------------------------------------------------------------------------------- /detection_system/silent_face/resources/detection_model/Widerface-RetinaFace.caffemodel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/resources/detection_model/Widerface-RetinaFace.caffemodel -------------------------------------------------------------------------------- /detection_system/silent_face/resources/detection_model/deploy.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/resources/detection_model/deploy.prototxt -------------------------------------------------------------------------------- /detection_system/silent_face/runs/Jun11_16-18-35_LAPTOP-GJLJI8Q3MiniFASNetV2/events.out.tfevents.1623399515.LAPTOP-GJLJI8Q3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/runs/Jun11_16-18-35_LAPTOP-GJLJI8Q3MiniFASNetV2/events.out.tfevents.1623399515.LAPTOP-GJLJI8Q3 -------------------------------------------------------------------------------- /detection_system/silent_face/runs/Jun11_16-25-49_LAPTOP-GJLJI8Q3MiniFASNetV1SE/events.out.tfevents.1623399949.LAPTOP-GJLJI8Q3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/runs/Jun11_16-25-49_LAPTOP-GJLJI8Q3MiniFASNetV1SE/events.out.tfevents.1623399949.LAPTOP-GJLJI8Q3 -------------------------------------------------------------------------------- /detection_system/silent_face/saved_logs/jobs/Anti_Spoofing_1_80x80/Jul08_12-51-18/events.out.tfevents.1594183888.old01: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/saved_logs/jobs/Anti_Spoofing_1_80x80/Jul08_12-51-18/events.out.tfevents.1594183888.old01 -------------------------------------------------------------------------------- /detection_system/silent_face/src/anti_spoof_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/anti_spoof_predict.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/anti_spoof_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/anti_spoof_predictor.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/data_io/dataset_folder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/data_io/dataset_folder.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/data_io/dataset_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/data_io/dataset_loader.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/data_io/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/data_io/functional.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/data_io/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/data_io/transform.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/default_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/default_config.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/generate_patches.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/generate_patches.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/model_lib/MiniFASNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/model_lib/MiniFASNet.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/model_lib/MultiFTNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/model_lib/MultiFTNet.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/train_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/train_main.py -------------------------------------------------------------------------------- /detection_system/silent_face/src/utility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/src/utility.py -------------------------------------------------------------------------------- /detection_system/silent_face/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/test.py -------------------------------------------------------------------------------- /detection_system/silent_face/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/train.py -------------------------------------------------------------------------------- /detection_system/silent_face/watch_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face/watch_tensor.py -------------------------------------------------------------------------------- /detection_system/silent_face_webcam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/silent_face_webcam.py -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/README.md -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/alpha-pose-results-sample.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/alpha-pose-results-sample.json -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/matching.py -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/parallel_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/parallel_process.py -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/poseflow_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/poseflow_infer.py -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/posetrack1.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/posetrack1.gif -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/posetrack2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/posetrack2.gif -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/posetrack_data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/posetrack_data -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/poseval: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/poseval -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/requirements.txt -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/tracker-baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/tracker-baseline.py -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/tracker-general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/tracker-general.py -------------------------------------------------------------------------------- /detection_system/trackers/PoseFlow/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/PoseFlow/utils.py -------------------------------------------------------------------------------- /detection_system/trackers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/README.md -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/ResBnLin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/ResBnLin.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/ResNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/ResNet.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/backbone/googlenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/backbone/googlenet.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/backbone/lrn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/backbone/lrn.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/backbone/sqeezenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/backbone/sqeezenet.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/bn_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/bn_linear.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/classification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/classification/classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/classification/classifier.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/classification/rfcn_cls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/classification/rfcn_cls.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/net_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/net_utils.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/osnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/osnet.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/osnet_ain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/osnet_ain.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/_ext/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/_ext/psroi_pooling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/_ext/psroi_pooling/__init__.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/build.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/functions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/functions/psroi_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/functions/psroi_pooling.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/make.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/make.sh -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/modules/psroi_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/modules/psroi_pool.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/src/cuda/psroi_pooling_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/src/cuda/psroi_pooling_kernel.cu -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/src/cuda/psroi_pooling_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/src/cuda/psroi_pooling_kernel.h -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/src/psroi_pooling_cuda.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/src/psroi_pooling_cuda.c -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/psroi_pooling/src/psroi_pooling_cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/psroi_pooling/src/psroi_pooling_cuda.h -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/reid/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/reid/__init__.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/reid/image_part_aligned.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/reid/image_part_aligned.py -------------------------------------------------------------------------------- /detection_system/trackers/ReidModels/resnet_fc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/ReidModels/resnet_fc.py -------------------------------------------------------------------------------- /detection_system/trackers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/__init__.py -------------------------------------------------------------------------------- /detection_system/trackers/tracker_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracker_api.py -------------------------------------------------------------------------------- /detection_system/trackers/tracker_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracker_cfg.py -------------------------------------------------------------------------------- /detection_system/trackers/tracking/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/README.md -------------------------------------------------------------------------------- /detection_system/trackers/tracking/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/tracking/basetrack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/basetrack.py -------------------------------------------------------------------------------- /detection_system/trackers/tracking/matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/matching.py -------------------------------------------------------------------------------- /detection_system/trackers/tracking/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection_system/trackers/tracking/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/utils/io.py -------------------------------------------------------------------------------- /detection_system/trackers/tracking/utils/kalman_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/utils/kalman_filter.py -------------------------------------------------------------------------------- /detection_system/trackers/tracking/utils/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/utils/nms.py -------------------------------------------------------------------------------- /detection_system/trackers/tracking/utils/parse_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/utils/parse_config.py -------------------------------------------------------------------------------- /detection_system/trackers/tracking/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/utils/timer.py -------------------------------------------------------------------------------- /detection_system/trackers/tracking/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/tracking/utils/utils.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/basetransforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/basetransforms.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/bbox.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/io.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/kalman_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/kalman_filter.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/log.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/parse_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/parse_config.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/timer.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/transform.py -------------------------------------------------------------------------------- /detection_system/trackers/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/trackers/utils/utils.py -------------------------------------------------------------------------------- /detection_system/utils/attention_by_expression_angle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/utils/attention_by_expression_angle.py -------------------------------------------------------------------------------- /detection_system/utils/classroom_concentration_fce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/utils/classroom_concentration_fce.py -------------------------------------------------------------------------------- /detection_system/utils/reid_states.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/utils/reid_states.py -------------------------------------------------------------------------------- /detection_system/utils/scene_masker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/detection_system/utils/scene_masker.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/.gitignore -------------------------------------------------------------------------------- /template_projects/AlphaPose/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/LICENSE -------------------------------------------------------------------------------- /template_projects/AlphaPose/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/README.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/coco_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/coco_det.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/coco_wholebody.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/coco_wholebody.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/coco_wholebody_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/coco_wholebody_det.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/concat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/concat_dataset.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/custom.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/halpe_136.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/halpe_136.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/halpe_136_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/halpe_136_det.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/halpe_26.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/halpe_26.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/halpe_26_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/halpe_26_det.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/mpii.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/mpii.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/datasets/mscoco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/datasets/mscoco.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/builder.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/criterion.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/fastpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/fastpose.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/fastpose_duc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/fastpose_duc.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/fastpose_duc_dense.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/fastpose_duc_dense.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/hardnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/hardnet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/hrnet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/DUC.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/DUC.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/PixelUnshuffle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/PixelUnshuffle.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/Resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/Resnet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/SE_Resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/SE_Resnet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/SE_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/SE_module.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/ShuffleResnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/ShuffleResnet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/dcn/DCN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/dcn/DCN.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/dcn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/dcn/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/dcn/deform_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/dcn/deform_conv.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/dcn/deform_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/dcn/deform_pool.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/dcn/src/deform_conv_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/dcn/src/deform_conv_cuda.cpp -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/dcn/src/deform_conv_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/dcn/src/deform_conv_cuda_kernel.cu -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/dcn/src/deform_pool_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/dcn/src/deform_pool_cuda.cpp -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/layers/dcn/src/deform_pool_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/layers/dcn/src/deform_pool_cuda_kernel.cu -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/models/simplepose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/models/simplepose.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/opt.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/bbox.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/config.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/detector.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/env.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/file_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/file_detector.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/logger.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/metrics.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/pPose_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/pPose_nms.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/presets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/presets/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/presets/simple_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/presets/simple_transform.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/registry.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/roi_align/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/roi_align/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/roi_align/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/roi_align/roi_align.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/roi_align/src/roi_align_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/roi_align/src/roi_align_cuda.cpp -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/roi_align/src/roi_align_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/roi_align/src/roi_align_kernel.cu -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/transforms.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/vis.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/webcam_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/webcam_detector.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/utils/writer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/utils/writer.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/alphapose/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/alphapose/version.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/hardnet/256x192_hard68_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/hardnet/256x192_hard68_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/hardnet/256x192_hard85_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/hardnet/256x192_hard85_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/hrnet/256x192_w32_lr1e-3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/hrnet/256x192_w32_lr1e-3.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/resnet/256x192_res152_lr1e-3_1x-duc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/resnet/256x192_res152_lr1e-3_1x-duc.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_1x-concat.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_1x-concat.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_1x-duc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_1x-duc.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_1x-simple.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_1x-simple.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_2x-dcn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_2x-dcn.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_2x-regression.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_2x-regression.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_2x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/coco/resnet/256x192_res50_lr1e-3_2x.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/dense_coco/resnet50/256x192_adam_lr1e-3-duc-dcn_1x_crop.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/dense_coco/resnet50/256x192_adam_lr1e-3-duc-dcn_1x_crop.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/halpe_136/hardnet/256x192_hard68_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/halpe_136/hardnet/256x192_hard68_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/halpe_136/resnet/256x192_res50_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/halpe_136/resnet/256x192_res50_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/halpe_136/resnet/256x192_res50_lr1e-3_2x-regression.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/halpe_136/resnet/256x192_res50_lr1e-3_2x-regression.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/configs/halpe_26/resnet/256x192_res50_lr1e-3_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/configs/halpe_26/resnet/256x192_res50_lr1e-3_1x.yaml -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/apis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/apis.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/effdet_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/effdet_api.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/effdet_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/effdet_cfg.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/README.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/anchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/anchors.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/bench.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/config/config.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/efficientdet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/efficientdet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/helpers.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/README.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/argmax_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/argmax_matcher.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/box_coder.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/box_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/box_list.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/faster_rcnn_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/faster_rcnn_box_coder.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/matcher.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/region_similarity_calculator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/region_similarity_calculator.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/target_assigner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/effdet/object_detection/target_assigner.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/efficientdet/utils.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/efficientdet/weights/get_models.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/nms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/nms/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/nms/nms_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/nms/nms_wrapper.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/nms/src/nms_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/nms/src/nms_cpu.cpp -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/nms/src/nms_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/nms/src/nms_cuda.cpp -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/nms/src/nms_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/nms/src/nms_kernel.cu -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/nms/src/soft_nms_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/nms/src/soft_nms_cpu.cpp -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/nms/src/soft_nms_cpu.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/nms/src/soft_nms_cpu.pyx -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/README.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/cfg/ccmcpe.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/cfg/ccmcpe.json -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/cfg/yolov3.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/cfg/yolov3.cfg -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/models.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/preprocess.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/tracker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/tracker/basetrack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/tracker/basetrack.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/tracker/matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/tracker/matching.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/tracker/multitracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/tracker/multitracker.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/datasets.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/evaluation.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/io.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/kalman_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/kalman_filter.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/log.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/nms.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/parse_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/parse_config.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/timer.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/utils.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker/utils/visualization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker/utils/visualization.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker_api.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/tracker_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/tracker_cfg.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/README.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/bbox.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/cam_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/cam_demo.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/cfg/tiny-yolo-voc.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/cfg/tiny-yolo-voc.cfg -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/cfg/yolo-voc.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/cfg/yolo-voc.cfg -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/cfg/yolo.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/cfg/yolo.cfg -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/cfg/yolov3-spp.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/cfg/yolov3-spp.cfg -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/cfg/yolov3.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/cfg/yolov3.cfg -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/darknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/darknet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/detect.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/pallete: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/pallete -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/preprocess.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/util.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/video_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/video_demo.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo/video_demo_half.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo/video_demo_half.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo_api.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/detector/yolo_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/detector/yolo_cfg.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/CrowdPose.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/CrowdPose.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/GETTING_STARTED.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/INSTALL.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/MODEL_ZOO.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/alphapose_136.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/alphapose_136.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/alphapose_17.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/alphapose_17.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/alphapose_26.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/alphapose_26.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/contributors.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/contributors.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/crowdpose.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/crowdpose.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/faq.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/logo.jpg -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/logs/fast_421_res152_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/logs/fast_421_res152_256x192.log -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/logs/fast_421_res50-shuffle_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/logs/fast_421_res50-shuffle_256x192.log -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/logs/fast_dcn_res50_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/logs/fast_dcn_res50_256x192.log -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/logs/fast_res50_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/logs/fast_res50_256x192.log -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/logs/hrnet_w32_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/logs/hrnet_w32_256x192.log -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/logs/simple_res50_256x192.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/logs/simple_res50_256x192.log -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/output.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/output.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/pose.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/pose.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/posetrack.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/posetrack.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/posetrack2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/posetrack2.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/run.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/run.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/speed_up.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/speed_up.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/step1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/step1.jpg -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/step2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/step2.jpg -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/step3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/step3.jpg -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/step4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/step4.jpg -------------------------------------------------------------------------------- /template_projects/AlphaPose/docs/win_install.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/docs/win_install.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/examples/demo/1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/examples/demo/1.jpg -------------------------------------------------------------------------------- /template_projects/AlphaPose/examples/demo/2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/examples/demo/2.jpg -------------------------------------------------------------------------------- /template_projects/AlphaPose/examples/demo/3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/examples/demo/3.jpg -------------------------------------------------------------------------------- /template_projects/AlphaPose/examples/list-coco-demo.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/examples/list-coco-demo.txt -------------------------------------------------------------------------------- /template_projects/AlphaPose/examples/list-coco-minival500.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/examples/list-coco-minival500.txt -------------------------------------------------------------------------------- /template_projects/AlphaPose/examples/list-coco-val5000.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/examples/list-coco-val5000.txt -------------------------------------------------------------------------------- /template_projects/AlphaPose/pretrained_models/get_models.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/scripts/demo_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/scripts/demo_api.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/scripts/demo_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/scripts/demo_inference.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/scripts/inference.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/scripts/inference.sh -------------------------------------------------------------------------------- /template_projects/AlphaPose/scripts/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/scripts/train.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/scripts/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/scripts/train.sh -------------------------------------------------------------------------------- /template_projects/AlphaPose/scripts/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/scripts/validate.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/scripts/validate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/scripts/validate.sh -------------------------------------------------------------------------------- /template_projects/AlphaPose/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/setup.cfg -------------------------------------------------------------------------------- /template_projects/AlphaPose/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/setup.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/README.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/alpha-pose-results-sample.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/alpha-pose-results-sample.json -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/matching.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/parallel_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/parallel_process.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/poseflow_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/poseflow_infer.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/posetrack1.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/posetrack1.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/posetrack2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/posetrack2.gif -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/posetrack_data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/posetrack_data -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/poseval: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/poseval -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/requirements.txt -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/tracker-baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/tracker-baseline.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/tracker-general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/tracker-general.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/PoseFlow/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/PoseFlow/utils.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/README.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/ResBnLin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/ResBnLin.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/ResNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/ResNet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/backbone/googlenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/backbone/googlenet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/backbone/lrn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/backbone/lrn.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/backbone/sqeezenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/backbone/sqeezenet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/bn_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/bn_linear.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/classification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/classification/classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/classification/classifier.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/classification/rfcn_cls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/classification/rfcn_cls.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/net_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/net_utils.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/osnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/osnet.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/osnet_ain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/osnet_ain.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/_ext/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/_ext/psroi_pooling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/_ext/psroi_pooling/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/build.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/functions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/functions/psroi_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/functions/psroi_pooling.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/make.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/make.sh -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/modules/psroi_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/modules/psroi_pool.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/src/cuda/psroi_pooling_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/src/cuda/psroi_pooling_kernel.cu -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/src/cuda/psroi_pooling_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/src/cuda/psroi_pooling_kernel.h -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/src/psroi_pooling_cuda.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/src/psroi_pooling_cuda.c -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/src/psroi_pooling_cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/psroi_pooling/src/psroi_pooling_cuda.h -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/reid/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/reid/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/reid/image_part_aligned.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/reid/image_part_aligned.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/ReidModels/resnet_fc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/ReidModels/resnet_fc.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/__init__.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracker_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracker_api.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracker_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracker_cfg.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/README.md -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/basetrack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/basetrack.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/matching.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/utils/io.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/utils/kalman_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/utils/kalman_filter.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/utils/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/utils/nms.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/utils/parse_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/utils/parse_config.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/utils/timer.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/tracking/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/tracking/utils/utils.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/basetransforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/basetransforms.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/bbox.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/io.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/kalman_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/kalman_filter.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/log.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/parse_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/parse_config.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/timer.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/transform.py -------------------------------------------------------------------------------- /template_projects/AlphaPose/trackers/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/AlphaPose/trackers/utils/utils.py -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/.gitignore -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/LICENSE -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/README.md -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/assets/model.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/assets/model.txt -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/doc/demo.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/doc/demo.gif -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/doc/demo1.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/doc/demo1.gif -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/doc/wechat_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/doc/wechat_logo.png -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/estimate_head_pose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/estimate_head_pose.py -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/mark_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/mark_detector.py -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/optical_flow_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/optical_flow_tracker.py -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/os_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/os_detector.py -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/pose_estimator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/pose_estimator.py -------------------------------------------------------------------------------- /template_projects/head_pose_estimation/stabilizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hongyaohongyao/smart_classroom/HEAD/template_projects/head_pose_estimation/stabilizer.py --------------------------------------------------------------------------------