├── .gitignore ├── Im2txt ├── .gitignore ├── README.md ├── WORKSPACE ├── conda │ └── init_im2txt_ubuntu.sh ├── g3doc │ ├── COCO_val2014_000000224477.jpg │ ├── example_captions.jpg │ └── show_and_tell_architecture.png ├── im2txt │ ├── BUILD │ ├── __init__.py │ ├── __pycache__ │ │ ├── configuration.cpython-36.pyc │ │ ├── inference_wrapper.cpython-36.pyc │ │ └── show_and_tell_model.cpython-36.pyc │ ├── configuration.py │ ├── data │ │ ├── Hugh │ │ │ └── word_counts.txt │ │ ├── build_mscoco_data.py │ │ ├── download_and_preprocess_mscoco.sh │ │ └── images │ │ │ └── test.jpg │ ├── evaluate.py │ ├── inference_utils │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── caption_generator.cpython-36.pyc │ │ │ ├── inference_wrapper_base.cpython-36.pyc │ │ │ └── vocabulary.cpython-36.pyc │ │ ├── caption_generator.py │ │ ├── caption_generator_test.py │ │ ├── inference_wrapper_base.py │ │ └── vocabulary.py │ ├── inference_wrapper.py │ ├── ops │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── image_embedding.cpython-36.pyc │ │ │ ├── image_processing.cpython-36.pyc │ │ │ └── inputs.cpython-36.pyc │ │ ├── image_embedding.py │ │ ├── image_embedding_test.py │ │ ├── image_processing.py │ │ └── inputs.py │ ├── run_inference.py │ ├── show_and_tell_model.py │ ├── show_and_tell_model_test.py │ └── train.py └── requirement.txt ├── README.md ├── UNITER ├── .gitignore ├── Dockerfile ├── LICENSE ├── README.md ├── conda │ └── init_uniter_ubuntu.sh ├── config │ ├── ph2_uniter_seeds │ │ ├── train-hm-large-pa-1gpu-hpc_0.json │ │ ├── train-hm-large-pa-1gpu-hpc_10101010.json │ │ ├── train-hm-large-pa-1gpu-hpc_12345.json │ │ ├── train-hm-large-pa-1gpu-hpc_2018.json │ │ ├── train-hm-large-pa-1gpu-hpc_20200905.json │ │ ├── train-hm-large-pa-1gpu-hpc_2147483647.json │ │ ├── train-hm-large-pa-1gpu-hpc_24.json │ │ ├── train-hm-large-pa-1gpu-hpc_32768.json │ │ ├── train-hm-large-pa-1gpu-hpc_42.json │ │ ├── train-hm-large-pa-1gpu-hpc_54321.json │ │ ├── train-hm-large-pa-1gpu-hpc_55555555.json │ │ └── train-hm-large-pa-1gpu-hpc_77.json │ ├── train-hm-base-1gpu-hpc.json │ ├── train-hm-base-1gpu.json │ ├── train-hm-base-pa-1gpu-hpc.json │ ├── train-hm-large-1gpu-hpc.json │ ├── train-hm-large-pa-1gpu-hpc.json │ ├── train-hm-large-pa-scratch-1gpu-hpc.json │ ├── train-nlvr2-base-1gpu.json │ ├── train-nlvr2-large-2gpu.json │ ├── uniter-base.json │ └── uniter-large.json ├── data │ ├── __init__.py │ ├── data.py │ ├── hm.py │ ├── loader.py │ ├── nlvr2.py │ └── sampler.py ├── inf_hm.py ├── inf_nlvr2.py ├── launch_container.sh ├── model │ ├── attention.py │ ├── hm.py │ ├── layer.py │ ├── model.py │ └── nlvr2.py ├── optim │ ├── __init__.py │ ├── adamw.py │ ├── misc.py │ └── sched.py ├── prepro.py ├── scripts │ ├── convert_ckpt.py │ ├── convert_imgdir.py │ ├── create_imgdb.sh │ ├── create_txtdb.sh │ ├── download.sh │ ├── eval_nlvr2.py │ └── extract_imgfeat.sh ├── train_hm.py ├── train_nlvr2.py └── utils │ ├── __init__.py │ ├── const.py │ ├── const_hm.py │ ├── distributed.py │ ├── logger.py │ ├── misc.py │ └── save.py ├── notebooks ├── ph2_leaderboard.ipynb └── ph2_merge_dev_seen_unseen.ipynb ├── py-bottom-up-attention ├── .circleci │ └── config.yml ├── .clang-format ├── .flake8 ├── .github │ ├── CODE_OF_CONDUCT.md │ ├── CONTRIBUTING.md │ ├── Detectron2-Logo-Horz.svg │ ├── ISSUE_TEMPLATE.md │ ├── ISSUE_TEMPLATE │ │ ├── feature-request.md │ │ ├── questions-help-support.md │ │ └── unexpected-problems-bugs.md │ └── pull_request_template.md ├── .gitignore ├── GETTING_STARTED.md ├── INSTALL.md ├── LICENSE ├── MODEL_ZOO.md ├── README.md ├── conda │ └── init_bua_ubuntu.sh ├── configs │ ├── Base-RCNN-C4.yaml │ ├── Base-RCNN-DilatedC5.yaml │ ├── Base-RCNN-FPN.yaml │ ├── Base-RetinaNet.yaml │ ├── COCO-Detection │ │ ├── fast_rcnn_R_50_FPN_1x.yaml │ │ ├── faster_rcnn_R_101_C4_3x.yaml │ │ ├── faster_rcnn_R_101_DC5_3x.yaml │ │ ├── faster_rcnn_R_101_FPN_3x.yaml │ │ ├── faster_rcnn_R_50_C4_1x.yaml │ │ ├── faster_rcnn_R_50_C4_3x.yaml │ │ ├── faster_rcnn_R_50_DC5_1x.yaml │ │ ├── faster_rcnn_R_50_DC5_3x.yaml │ │ ├── faster_rcnn_R_50_FPN_1x.yaml │ │ ├── faster_rcnn_R_50_FPN_3x.yaml │ │ ├── faster_rcnn_X_101_32x8d_FPN_3x.yaml │ │ ├── retinanet_R_101_FPN_3x.yaml │ │ ├── retinanet_R_50_FPN_1x.yaml │ │ ├── retinanet_R_50_FPN_3x.yaml │ │ ├── rpn_R_50_C4_1x.yaml │ │ └── rpn_R_50_FPN_1x.yaml │ ├── COCO-InstanceSegmentation │ │ ├── mask_rcnn_R_101_C4_3x.yaml │ │ ├── mask_rcnn_R_101_DC5_3x.yaml │ │ ├── mask_rcnn_R_101_FPN_3x.yaml │ │ ├── mask_rcnn_R_50_C4_1x.yaml │ │ ├── mask_rcnn_R_50_C4_3x.yaml │ │ ├── mask_rcnn_R_50_DC5_1x.yaml │ │ ├── mask_rcnn_R_50_DC5_3x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ ├── mask_rcnn_R_50_FPN_3x.yaml │ │ └── mask_rcnn_X_101_32x8d_FPN_3x.yaml │ ├── COCO-Keypoints │ │ ├── Base-Keypoint-RCNN-FPN.yaml │ │ ├── keypoint_rcnn_R_101_FPN_3x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_3x.yaml │ │ └── keypoint_rcnn_X_101_32x8d_FPN_3x.yaml │ ├── COCO-PanopticSegmentation │ │ ├── Base-Panoptic-FPN.yaml │ │ ├── panoptic_fpn_R_101_3x.yaml │ │ ├── panoptic_fpn_R_50_1x.yaml │ │ └── panoptic_fpn_R_50_3x.yaml │ ├── Cityscapes │ │ └── mask_rcnn_R_50_FPN.yaml │ ├── Detectron1-Comparisons │ │ ├── README.md │ │ ├── faster_rcnn_R_50_FPN_noaug_1x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ └── mask_rcnn_R_50_FPN_noaug_1x.yaml │ ├── LVIS-InstanceSegmentation │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ ├── Misc │ │ ├── cascade_mask_rcnn_R_50_FPN_1x.yaml │ │ ├── cascade_mask_rcnn_R_50_FPN_3x.yaml │ │ ├── cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml │ │ ├── mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml │ │ ├── mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_gn.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_syncbn.yaml │ │ ├── panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml │ │ ├── scratch_mask_rcnn_R_50_FPN_3x_gn.yaml │ │ └── semantic_R_50_FPN_1x.yaml │ ├── PascalVOC-Detection │ │ ├── faster_rcnn_R_50_C4.yaml │ │ └── faster_rcnn_R_50_FPN.yaml │ ├── VG-Detection │ │ ├── faster_rcnn_R_101_C4_attr_caffemaxpool.yaml │ │ ├── faster_rcnn_R_101_C4_caffe.yaml │ │ └── faster_rcnn_R_101_C4_caffemaxpool.yaml │ └── quick_schedules │ │ ├── README.md │ │ ├── fast_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── fast_rcnn_R_50_FPN_instant_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_instant_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_training_acc_test.yaml │ │ ├── mask_rcnn_R_50_C4_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_C4_instant_test.yaml │ │ ├── mask_rcnn_R_50_C4_training_acc_test.yaml │ │ ├── mask_rcnn_R_50_DC5_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_FPN_instant_test.yaml │ │ ├── mask_rcnn_R_50_FPN_training_acc_test.yaml │ │ ├── panoptic_fpn_R_50_inference_acc_test.yaml │ │ ├── panoptic_fpn_R_50_instant_test.yaml │ │ ├── panoptic_fpn_R_50_training_acc_test.yaml │ │ ├── retinanet_R_50_FPN_inference_acc_test.yaml │ │ ├── retinanet_R_50_FPN_instant_test.yaml │ │ ├── rpn_R_50_FPN_inference_acc_test.yaml │ │ ├── rpn_R_50_FPN_instant_test.yaml │ │ ├── semantic_R_50_FPN_inference_acc_test.yaml │ │ ├── semantic_R_50_FPN_instant_test.yaml │ │ └── semantic_R_50_FPN_training_acc_test.yaml ├── demo │ ├── data │ │ └── caffe_coco_features │ │ │ └── train2014_obj36.tsv │ ├── demo_feature_extraction.ipynb │ ├── demo_feature_extraction_attr.ipynb │ ├── demo_feature_extraction_attr_given_box.ipynb │ ├── demo_feature_extraction_attr_hm.ipynb │ ├── demo_feature_extraction_given_box.ipynb │ ├── demo_feature_extraction_hm.ipynb │ ├── demo_vg_detection.ipynb │ ├── detectron2_mscoco_proposal_maxnms.py │ ├── detectron2_mscoco_proposal_maxnms_hm.py │ ├── detectron2_mscoco_proposal_maxnms_hm_th.py │ ├── feature_correctness.ipynb │ └── hm.py ├── detectron2 │ ├── __init__.py │ ├── checkpoint │ │ ├── __init__.py │ │ ├── c2_model_loading.py │ │ ├── catalog.py │ │ └── detection_checkpoint.py │ ├── config │ │ ├── __init__.py │ │ ├── compat.py │ │ ├── config.py │ │ └── defaults.py │ ├── data │ │ ├── __init__.py │ │ ├── build.py │ │ ├── catalog.py │ │ ├── common.py │ │ ├── dataset_mapper.py │ │ ├── datasets │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── builtin.py │ │ │ ├── builtin_meta.py │ │ │ ├── cityscapes.py │ │ │ ├── coco.py │ │ │ ├── lvis.py │ │ │ ├── lvis_v0_5_categories.py │ │ │ ├── pascal_voc.py │ │ │ └── register_coco.py │ │ ├── detection_utils.py │ │ ├── samplers │ │ │ ├── __init__.py │ │ │ ├── distributed_sampler.py │ │ │ └── grouped_batch_sampler.py │ │ └── transforms │ │ │ ├── __init__.py │ │ │ ├── transform.py │ │ │ └── transform_gen.py │ ├── engine │ │ ├── __init__.py │ │ ├── defaults.py │ │ ├── hooks.py │ │ ├── launch.py │ │ └── train_loop.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── cityscapes_evaluation.py │ │ ├── coco_evaluation.py │ │ ├── evaluator.py │ │ ├── lvis_evaluation.py │ │ ├── panoptic_evaluation.py │ │ ├── pascal_voc_evaluation.py │ │ ├── sem_seg_evaluation.py │ │ └── testing.py │ ├── layers │ │ ├── __init__.py │ │ ├── batch_norm.py │ │ ├── csrc │ │ │ ├── README.md │ │ │ ├── ROIAlign │ │ │ │ ├── ROIAlign.h │ │ │ │ ├── ROIAlign_cpu.cpp │ │ │ │ └── ROIAlign_cuda.cu │ │ │ ├── ROIAlignRotated │ │ │ │ ├── ROIAlignRotated.h │ │ │ │ ├── ROIAlignRotated_cpu.cpp │ │ │ │ └── ROIAlignRotated_cuda.cu │ │ │ ├── box_iou_rotated │ │ │ │ ├── box_iou_rotated.h │ │ │ │ ├── box_iou_rotated_cpu.cpp │ │ │ │ ├── box_iou_rotated_cuda.cu │ │ │ │ └── box_iou_rotated_utils.h │ │ │ ├── cuda_version.cu │ │ │ ├── deformable │ │ │ │ ├── deform_conv.h │ │ │ │ ├── deform_conv_cuda.cu │ │ │ │ └── deform_conv_cuda_kernel.cu │ │ │ ├── nms_rotated │ │ │ │ ├── nms_rotated.h │ │ │ │ ├── nms_rotated_cpu.cpp │ │ │ │ └── nms_rotated_cuda.cu │ │ │ └── vision.cpp │ │ ├── deform_conv.py │ │ ├── mask_ops.py │ │ ├── nms.py │ │ ├── roi_align.py │ │ ├── roi_align_rotated.py │ │ ├── rotated_boxes.py │ │ ├── shape_spec.py │ │ └── wrappers.py │ ├── model_zoo │ │ ├── __init__.py │ │ └── model_zoo.py │ ├── modeling │ │ ├── __init__.py │ │ ├── anchor_generator.py │ │ ├── backbone │ │ │ ├── __init__.py │ │ │ ├── backbone.py │ │ │ ├── build.py │ │ │ ├── fpn.py │ │ │ └── resnet.py │ │ ├── box_regression.py │ │ ├── matcher.py │ │ ├── meta_arch │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ ├── panoptic_fpn.py │ │ │ ├── rcnn.py │ │ │ ├── retinanet.py │ │ │ └── semantic_seg.py │ │ ├── poolers.py │ │ ├── postprocessing.py │ │ ├── proposal_generator │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ ├── proposal_utils.py │ │ │ ├── rpn.py │ │ │ ├── rpn_outputs.py │ │ │ ├── rrpn.py │ │ │ └── rrpn_outputs.py │ │ ├── roi_heads │ │ │ ├── __init__.py │ │ │ ├── box_head.py │ │ │ ├── cascade_rcnn.py │ │ │ ├── fast_rcnn.py │ │ │ ├── keypoint_head.py │ │ │ ├── mask_head.py │ │ │ ├── roi_heads.py │ │ │ └── rotated_fast_rcnn.py │ │ ├── sampling.py │ │ └── test_time_augmentation.py │ ├── solver │ │ ├── __init__.py │ │ ├── build.py │ │ └── lr_scheduler.py │ ├── structures │ │ ├── __init__.py │ │ ├── boxes.py │ │ ├── image_list.py │ │ ├── instances.py │ │ ├── keypoints.py │ │ ├── masks.py │ │ └── rotated_boxes.py │ └── utils │ │ ├── README.md │ │ ├── __init__.py │ │ ├── collect_env.py │ │ ├── colormap.py │ │ ├── comm.py │ │ ├── env.py │ │ ├── events.py │ │ ├── logger.py │ │ ├── memory.py │ │ ├── registry.py │ │ ├── serialize.py │ │ ├── video_visualizer.py │ │ └── visualizer.py ├── dev │ ├── README.md │ ├── linter.sh │ ├── parse_results.sh │ ├── run_inference_tests.sh │ └── run_instant_tests.sh ├── docker │ ├── Dockerfile │ ├── Dockerfile-circleci │ ├── README.md │ └── docker-compose.yml ├── docs │ ├── .gitignore │ ├── Makefile │ ├── README.md │ ├── conf.py │ ├── index.rst │ ├── modules │ │ ├── checkpoint.rst │ │ ├── config.rst │ │ ├── data.rst │ │ ├── engine.rst │ │ ├── evaluation.rst │ │ ├── index.rst │ │ ├── layers.rst │ │ ├── model_zoo.rst │ │ ├── modeling.rst │ │ ├── solver.rst │ │ ├── structures.rst │ │ └── utils.rst │ ├── notes │ │ ├── benchmarks.md │ │ ├── changelog.md │ │ ├── compatibility.md │ │ ├── contributing.md │ │ └── index.rst │ └── tutorials │ │ ├── configs.md │ │ ├── data_loading.md │ │ ├── datasets.md │ │ ├── extend.md │ │ ├── getting_started.md │ │ ├── index.rst │ │ ├── install.md │ │ ├── models.md │ │ ├── training.md │ │ └── write-models.md ├── original_README.md ├── original_demo │ ├── README.md │ ├── demo.py │ └── predictor.py ├── projects │ ├── DensePose │ │ ├── README.md │ │ ├── apply_net.py │ │ ├── configs │ │ │ ├── Base-DensePose-RCNN-FPN.yaml │ │ │ ├── densepose_rcnn_R_101_FPN_s1x.yaml │ │ │ ├── densepose_rcnn_R_50_FPN_s1x.yaml │ │ │ └── quick_schedules │ │ │ │ ├── densepose_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_instant_test.yaml │ │ │ │ └── densepose_rcnn_R_50_FPN_training_acc_test.yaml │ │ ├── densepose │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── dataset.py │ │ │ ├── dataset_mapper.py │ │ │ ├── densepose_coco_evaluation.py │ │ │ ├── densepose_head.py │ │ │ ├── evaluator.py │ │ │ ├── roi_head.py │ │ │ ├── structures.py │ │ │ ├── utils │ │ │ │ ├── dbhelper.py │ │ │ │ └── logger.py │ │ │ └── vis │ │ │ │ ├── base.py │ │ │ │ ├── bounding_box.py │ │ │ │ ├── densepose.py │ │ │ │ └── extractor.py │ │ ├── dev │ │ │ ├── README.md │ │ │ ├── run_inference_tests.sh │ │ │ └── run_instant_tests.sh │ │ ├── doc │ │ │ ├── GETTING_STARTED.md │ │ │ ├── MODEL_ZOO.md │ │ │ ├── TOOL_APPLY_NET.md │ │ │ └── TOOL_QUERY_DB.md │ │ ├── query_db.py │ │ └── train_net.py │ ├── README.md │ ├── TensorMask │ │ ├── README.md │ │ ├── configs │ │ │ ├── Base-TensorMask.yaml │ │ │ ├── tensormask_R_50_FPN_1x.yaml │ │ │ └── tensormask_R_50_FPN_6x.yaml │ │ ├── setup.py │ │ ├── tensormask │ │ │ ├── __init__.py │ │ │ ├── arch.py │ │ │ ├── config.py │ │ │ └── layers │ │ │ │ ├── __init__.py │ │ │ │ ├── csrc │ │ │ │ ├── SwapAlign2Nat │ │ │ │ │ ├── SwapAlign2Nat.h │ │ │ │ │ └── SwapAlign2Nat_cuda.cu │ │ │ │ └── vision.cpp │ │ │ │ └── swap_align2nat.py │ │ ├── tests │ │ │ ├── __init__.py │ │ │ └── test_swap_align2nat.py │ │ └── train_net.py │ └── TridentNet │ │ ├── README.md │ │ ├── configs │ │ ├── Base-TridentNet-Fast-C4.yaml │ │ ├── tridentnet_fast_R_101_C4_3x.yaml │ │ ├── tridentnet_fast_R_50_C4_1x.yaml │ │ └── tridentnet_fast_R_50_C4_3x.yaml │ │ ├── train_net.py │ │ └── tridentnet │ │ ├── __init__.py │ │ ├── config.py │ │ ├── trident_backbone.py │ │ ├── trident_conv.py │ │ ├── trident_rcnn.py │ │ └── trident_rpn.py ├── requirements.txt ├── setup.cfg ├── setup.py ├── tests │ ├── __init__.py │ ├── test_anchor_generator.py │ ├── test_box2box_transform.py │ ├── test_boxes.py │ ├── test_checkpoint.py │ ├── test_config.py │ ├── test_data_transform.py │ ├── test_fast_rcnn.py │ ├── test_mask_ops.py │ ├── test_model_e2e.py │ ├── test_model_zoo.py │ ├── test_nms_rotated.py │ ├── test_roi_align.py │ ├── test_roi_align_rotated.py │ ├── test_roi_heads.py │ ├── test_roi_pooler.py │ ├── test_rotated_boxes.py │ ├── test_rpn.py │ ├── test_sampler.py │ └── test_visualizer.py └── tools │ ├── README.md │ ├── benchmark.py │ ├── plain_train_net.py │ ├── train_net.py │ ├── visualize_data.py │ └── visualize_json_results.py └── requirement.txt /.gitignore: -------------------------------------------------------------------------------- 1 | .DS_Store/ 2 | .idea/ -------------------------------------------------------------------------------- /Im2txt/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/.gitignore -------------------------------------------------------------------------------- /Im2txt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/README.md -------------------------------------------------------------------------------- /Im2txt/WORKSPACE: -------------------------------------------------------------------------------- 1 | workspace(name = "Im2txt") 2 | -------------------------------------------------------------------------------- /Im2txt/conda/init_im2txt_ubuntu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/conda/init_im2txt_ubuntu.sh -------------------------------------------------------------------------------- /Im2txt/g3doc/COCO_val2014_000000224477.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/g3doc/COCO_val2014_000000224477.jpg -------------------------------------------------------------------------------- /Im2txt/g3doc/example_captions.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/g3doc/example_captions.jpg -------------------------------------------------------------------------------- /Im2txt/g3doc/show_and_tell_architecture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/g3doc/show_and_tell_architecture.png -------------------------------------------------------------------------------- /Im2txt/im2txt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/BUILD -------------------------------------------------------------------------------- /Im2txt/im2txt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Im2txt/im2txt/__pycache__/configuration.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/__pycache__/configuration.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/__pycache__/inference_wrapper.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/__pycache__/inference_wrapper.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/__pycache__/show_and_tell_model.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/__pycache__/show_and_tell_model.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/configuration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/configuration.py -------------------------------------------------------------------------------- /Im2txt/im2txt/data/Hugh/word_counts.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/data/Hugh/word_counts.txt -------------------------------------------------------------------------------- /Im2txt/im2txt/data/build_mscoco_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/data/build_mscoco_data.py -------------------------------------------------------------------------------- /Im2txt/im2txt/data/download_and_preprocess_mscoco.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/data/download_and_preprocess_mscoco.sh -------------------------------------------------------------------------------- /Im2txt/im2txt/data/images/test.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/data/images/test.jpg -------------------------------------------------------------------------------- /Im2txt/im2txt/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/evaluate.py -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_utils/BUILD -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/__pycache__/caption_generator.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_utils/__pycache__/caption_generator.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/__pycache__/inference_wrapper_base.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_utils/__pycache__/inference_wrapper_base.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/__pycache__/vocabulary.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_utils/__pycache__/vocabulary.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/caption_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_utils/caption_generator.py -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/caption_generator_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_utils/caption_generator_test.py -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/inference_wrapper_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_utils/inference_wrapper_base.py -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_utils/vocabulary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_utils/vocabulary.py -------------------------------------------------------------------------------- /Im2txt/im2txt/inference_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/inference_wrapper.py -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/ops/BUILD -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/__pycache__/image_embedding.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/ops/__pycache__/image_embedding.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/__pycache__/image_processing.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/ops/__pycache__/image_processing.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/__pycache__/inputs.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/ops/__pycache__/inputs.cpython-36.pyc -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/image_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/ops/image_embedding.py -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/image_embedding_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/ops/image_embedding_test.py -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/image_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/ops/image_processing.py -------------------------------------------------------------------------------- /Im2txt/im2txt/ops/inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/ops/inputs.py -------------------------------------------------------------------------------- /Im2txt/im2txt/run_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/run_inference.py -------------------------------------------------------------------------------- /Im2txt/im2txt/show_and_tell_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/show_and_tell_model.py -------------------------------------------------------------------------------- /Im2txt/im2txt/show_and_tell_model_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/show_and_tell_model_test.py -------------------------------------------------------------------------------- /Im2txt/im2txt/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/im2txt/train.py -------------------------------------------------------------------------------- /Im2txt/requirement.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/Im2txt/requirement.txt -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/README.md -------------------------------------------------------------------------------- /UNITER/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/.gitignore -------------------------------------------------------------------------------- /UNITER/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/Dockerfile -------------------------------------------------------------------------------- /UNITER/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/LICENSE -------------------------------------------------------------------------------- /UNITER/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/README.md -------------------------------------------------------------------------------- /UNITER/conda/init_uniter_ubuntu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/conda/init_uniter_ubuntu.sh -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_0.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_10101010.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_10101010.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_12345.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_12345.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_2018.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_2018.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_20200905.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_20200905.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_2147483647.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_2147483647.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_24.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_24.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_32768.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_32768.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_42.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_42.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_54321.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_54321.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_55555555.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_55555555.json -------------------------------------------------------------------------------- /UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_77.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/ph2_uniter_seeds/train-hm-large-pa-1gpu-hpc_77.json -------------------------------------------------------------------------------- /UNITER/config/train-hm-base-1gpu-hpc.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/train-hm-base-1gpu-hpc.json -------------------------------------------------------------------------------- /UNITER/config/train-hm-base-1gpu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/train-hm-base-1gpu.json -------------------------------------------------------------------------------- /UNITER/config/train-hm-base-pa-1gpu-hpc.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/train-hm-base-pa-1gpu-hpc.json -------------------------------------------------------------------------------- /UNITER/config/train-hm-large-1gpu-hpc.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/train-hm-large-1gpu-hpc.json -------------------------------------------------------------------------------- /UNITER/config/train-hm-large-pa-1gpu-hpc.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/train-hm-large-pa-1gpu-hpc.json -------------------------------------------------------------------------------- /UNITER/config/train-hm-large-pa-scratch-1gpu-hpc.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/train-hm-large-pa-scratch-1gpu-hpc.json -------------------------------------------------------------------------------- /UNITER/config/train-nlvr2-base-1gpu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/train-nlvr2-base-1gpu.json -------------------------------------------------------------------------------- /UNITER/config/train-nlvr2-large-2gpu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/train-nlvr2-large-2gpu.json -------------------------------------------------------------------------------- /UNITER/config/uniter-base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/uniter-base.json -------------------------------------------------------------------------------- /UNITER/config/uniter-large.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/config/uniter-large.json -------------------------------------------------------------------------------- /UNITER/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/data/__init__.py -------------------------------------------------------------------------------- /UNITER/data/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/data/data.py -------------------------------------------------------------------------------- /UNITER/data/hm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/data/hm.py -------------------------------------------------------------------------------- /UNITER/data/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/data/loader.py -------------------------------------------------------------------------------- /UNITER/data/nlvr2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/data/nlvr2.py -------------------------------------------------------------------------------- /UNITER/data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/data/sampler.py -------------------------------------------------------------------------------- /UNITER/inf_hm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/inf_hm.py -------------------------------------------------------------------------------- /UNITER/inf_nlvr2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/inf_nlvr2.py -------------------------------------------------------------------------------- /UNITER/launch_container.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/launch_container.sh -------------------------------------------------------------------------------- /UNITER/model/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/model/attention.py -------------------------------------------------------------------------------- /UNITER/model/hm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/model/hm.py -------------------------------------------------------------------------------- /UNITER/model/layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/model/layer.py -------------------------------------------------------------------------------- /UNITER/model/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/model/model.py -------------------------------------------------------------------------------- /UNITER/model/nlvr2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/model/nlvr2.py -------------------------------------------------------------------------------- /UNITER/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/optim/__init__.py -------------------------------------------------------------------------------- /UNITER/optim/adamw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/optim/adamw.py -------------------------------------------------------------------------------- /UNITER/optim/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/optim/misc.py -------------------------------------------------------------------------------- /UNITER/optim/sched.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/optim/sched.py -------------------------------------------------------------------------------- /UNITER/prepro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/prepro.py -------------------------------------------------------------------------------- /UNITER/scripts/convert_ckpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/scripts/convert_ckpt.py -------------------------------------------------------------------------------- /UNITER/scripts/convert_imgdir.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/scripts/convert_imgdir.py -------------------------------------------------------------------------------- /UNITER/scripts/create_imgdb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/scripts/create_imgdb.sh -------------------------------------------------------------------------------- /UNITER/scripts/create_txtdb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/scripts/create_txtdb.sh -------------------------------------------------------------------------------- /UNITER/scripts/download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/scripts/download.sh -------------------------------------------------------------------------------- /UNITER/scripts/eval_nlvr2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/scripts/eval_nlvr2.py -------------------------------------------------------------------------------- /UNITER/scripts/extract_imgfeat.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/scripts/extract_imgfeat.sh -------------------------------------------------------------------------------- /UNITER/train_hm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/train_hm.py -------------------------------------------------------------------------------- /UNITER/train_nlvr2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/train_nlvr2.py -------------------------------------------------------------------------------- /UNITER/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /UNITER/utils/const.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/utils/const.py -------------------------------------------------------------------------------- /UNITER/utils/const_hm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/utils/const_hm.py -------------------------------------------------------------------------------- /UNITER/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/utils/distributed.py -------------------------------------------------------------------------------- /UNITER/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/utils/logger.py -------------------------------------------------------------------------------- /UNITER/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/utils/misc.py -------------------------------------------------------------------------------- /UNITER/utils/save.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/UNITER/utils/save.py -------------------------------------------------------------------------------- /notebooks/ph2_leaderboard.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/notebooks/ph2_leaderboard.ipynb -------------------------------------------------------------------------------- /notebooks/ph2_merge_dev_seen_unseen.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/notebooks/ph2_merge_dev_seen_unseen.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.circleci/config.yml -------------------------------------------------------------------------------- /py-bottom-up-attention/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.clang-format -------------------------------------------------------------------------------- /py-bottom-up-attention/.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.flake8 -------------------------------------------------------------------------------- /py-bottom-up-attention/.github/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.github/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /py-bottom-up-attention/.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /py-bottom-up-attention/.github/Detectron2-Logo-Horz.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.github/Detectron2-Logo-Horz.svg -------------------------------------------------------------------------------- /py-bottom-up-attention/.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /py-bottom-up-attention/.github/ISSUE_TEMPLATE/feature-request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.github/ISSUE_TEMPLATE/feature-request.md -------------------------------------------------------------------------------- /py-bottom-up-attention/.github/ISSUE_TEMPLATE/questions-help-support.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.github/ISSUE_TEMPLATE/questions-help-support.md -------------------------------------------------------------------------------- /py-bottom-up-attention/.github/ISSUE_TEMPLATE/unexpected-problems-bugs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.github/ISSUE_TEMPLATE/unexpected-problems-bugs.md -------------------------------------------------------------------------------- /py-bottom-up-attention/.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.github/pull_request_template.md -------------------------------------------------------------------------------- /py-bottom-up-attention/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/.gitignore -------------------------------------------------------------------------------- /py-bottom-up-attention/GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/GETTING_STARTED.md -------------------------------------------------------------------------------- /py-bottom-up-attention/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/INSTALL.md -------------------------------------------------------------------------------- /py-bottom-up-attention/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/LICENSE -------------------------------------------------------------------------------- /py-bottom-up-attention/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/MODEL_ZOO.md -------------------------------------------------------------------------------- /py-bottom-up-attention/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/conda/init_bua_ubuntu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/conda/init_bua_ubuntu.sh -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Base-RCNN-C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Base-RCNN-C4.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Base-RCNN-DilatedC5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Base-RCNN-DilatedC5.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Base-RetinaNet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Base-RetinaNet.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/faster_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/rpn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/rpn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_C4_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_DC5_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Keypoints/keypoint_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Keypoints/keypoint_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-Keypoints/keypoint_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-Keypoints/keypoint_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-PanopticSegmentation/Base-Panoptic-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-PanopticSegmentation/Base-Panoptic-FPN.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-PanopticSegmentation/panoptic_fpn_R_101_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-PanopticSegmentation/panoptic_fpn_R_101_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Detectron1-Comparisons/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Detectron1-Comparisons/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Detectron1-Comparisons/faster_rcnn_R_50_FPN_noaug_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Detectron1-Comparisons/faster_rcnn_R_50_FPN_noaug_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Detectron1-Comparisons/keypoint_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Detectron1-Comparisons/keypoint_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Detectron1-Comparisons/mask_rcnn_R_50_FPN_noaug_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Detectron1-Comparisons/mask_rcnn_R_50_FPN_noaug_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/LVIS-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/LVIS-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/LVIS-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/LVIS-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/LVIS-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/LVIS-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/Misc/semantic_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/Misc/semantic_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/VG-Detection/faster_rcnn_R_101_C4_attr_caffemaxpool.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/VG-Detection/faster_rcnn_R_101_C4_attr_caffemaxpool.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/VG-Detection/faster_rcnn_R_101_C4_caffe.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/VG-Detection/faster_rcnn_R_101_C4_caffe.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/VG-Detection/faster_rcnn_R_101_C4_caffemaxpool.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/VG-Detection/faster_rcnn_R_101_C4_caffemaxpool.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/fast_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/fast_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/fast_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/fast_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/keypoint_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/keypoint_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/keypoint_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/keypoint_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/keypoint_rcnn_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/keypoint_rcnn_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_C4_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_C4_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_C4_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_C4_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_C4_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_C4_training_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_DC5_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_DC5_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/mask_rcnn_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/panoptic_fpn_R_50_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/panoptic_fpn_R_50_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/panoptic_fpn_R_50_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/panoptic_fpn_R_50_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/panoptic_fpn_R_50_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/panoptic_fpn_R_50_training_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/retinanet_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/retinanet_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/retinanet_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/retinanet_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/rpn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/rpn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/rpn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/rpn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/semantic_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/semantic_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/semantic_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/semantic_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/configs/quick_schedules/semantic_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/configs/quick_schedules/semantic_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/data/caffe_coco_features/train2014_obj36.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/data/caffe_coco_features/train2014_obj36.tsv -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/demo_feature_extraction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/demo_feature_extraction.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/demo_feature_extraction_attr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/demo_feature_extraction_attr.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/demo_feature_extraction_attr_given_box.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/demo_feature_extraction_attr_given_box.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/demo_feature_extraction_attr_hm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/demo_feature_extraction_attr_hm.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/demo_feature_extraction_given_box.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/demo_feature_extraction_given_box.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/demo_feature_extraction_hm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/demo_feature_extraction_hm.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/demo_vg_detection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/demo_vg_detection.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/detectron2_mscoco_proposal_maxnms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/detectron2_mscoco_proposal_maxnms.py -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/detectron2_mscoco_proposal_maxnms_hm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/detectron2_mscoco_proposal_maxnms_hm.py -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/detectron2_mscoco_proposal_maxnms_hm_th.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/detectron2_mscoco_proposal_maxnms_hm_th.py -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/feature_correctness.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/feature_correctness.ipynb -------------------------------------------------------------------------------- /py-bottom-up-attention/demo/hm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/demo/hm.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/checkpoint/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/checkpoint/c2_model_loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/checkpoint/c2_model_loading.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/checkpoint/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/checkpoint/catalog.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/checkpoint/detection_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/checkpoint/detection_checkpoint.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/config/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/config/compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/config/compat.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/config/config.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/config/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/config/defaults.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/build.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/catalog.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/common.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/dataset_mapper.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/builtin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/builtin.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/builtin_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/builtin_meta.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/cityscapes.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/coco.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/lvis.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/lvis_v0_5_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/lvis_v0_5_categories.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/pascal_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/pascal_voc.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/datasets/register_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/datasets/register_coco.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/detection_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/detection_utils.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/samplers/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/samplers/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/samplers/distributed_sampler.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/samplers/grouped_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/samplers/grouped_batch_sampler.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/transforms/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/transforms/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/transforms/transform.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/data/transforms/transform_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/data/transforms/transform_gen.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/engine/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/engine/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/engine/defaults.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/engine/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/engine/hooks.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/engine/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/engine/launch.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/engine/train_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/engine/train_loop.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/cityscapes_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/cityscapes_evaluation.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/coco_evaluation.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/evaluator.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/lvis_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/lvis_evaluation.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/panoptic_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/panoptic_evaluation.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/pascal_voc_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/pascal_voc_evaluation.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/sem_seg_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/sem_seg_evaluation.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/evaluation/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/evaluation/testing.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/batch_norm.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/ROIAlign/ROIAlign.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/ROIAlign/ROIAlign.h -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/cuda_version.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/cuda_version.cu -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/deformable/deform_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/deformable/deform_conv.h -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/deformable/deform_conv_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/deformable/deform_conv_cuda.cu -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/nms_rotated/nms_rotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/nms_rotated/nms_rotated.h -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/csrc/vision.cpp -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/deform_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/deform_conv.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/mask_ops.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/nms.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/roi_align.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/roi_align_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/roi_align_rotated.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/rotated_boxes.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/shape_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/shape_spec.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/layers/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/layers/wrappers.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/model_zoo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/model_zoo/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/model_zoo/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/model_zoo/model_zoo.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/anchor_generator.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/backbone/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/backbone/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/backbone/backbone.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/backbone/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/backbone/build.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/backbone/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/backbone/fpn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/backbone/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/backbone/resnet.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/box_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/box_regression.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/matcher.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/meta_arch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/meta_arch/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/meta_arch/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/meta_arch/build.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/meta_arch/panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/meta_arch/panoptic_fpn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/meta_arch/rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/meta_arch/rcnn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/meta_arch/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/meta_arch/retinanet.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/meta_arch/semantic_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/meta_arch/semantic_seg.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/poolers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/poolers.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/postprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/postprocessing.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/proposal_generator/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/proposal_generator/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/proposal_generator/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/proposal_generator/build.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/proposal_generator/proposal_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/proposal_generator/proposal_utils.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/proposal_generator/rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/proposal_generator/rpn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/proposal_generator/rpn_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/proposal_generator/rpn_outputs.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/proposal_generator/rrpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/proposal_generator/rrpn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/proposal_generator/rrpn_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/proposal_generator/rrpn_outputs.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/roi_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/roi_heads/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/roi_heads/box_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/roi_heads/box_head.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/roi_heads/cascade_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/roi_heads/cascade_rcnn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/roi_heads/fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/roi_heads/fast_rcnn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/roi_heads/keypoint_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/roi_heads/keypoint_head.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/roi_heads/mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/roi_heads/mask_head.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/roi_heads/roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/roi_heads/roi_heads.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/roi_heads/rotated_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/roi_heads/rotated_fast_rcnn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/sampling.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/modeling/test_time_augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/modeling/test_time_augmentation.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/solver/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/solver/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/solver/build.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/solver/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/solver/lr_scheduler.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/structures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/structures/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/structures/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/structures/boxes.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/structures/image_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/structures/image_list.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/structures/instances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/structures/instances.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/structures/keypoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/structures/keypoints.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/structures/masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/structures/masks.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/structures/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/structures/rotated_boxes.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/collect_env.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/colormap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/colormap.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/comm.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/env.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/events.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/events.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/logger.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/memory.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/registry.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/serialize.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/video_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/video_visualizer.py -------------------------------------------------------------------------------- /py-bottom-up-attention/detectron2/utils/visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/detectron2/utils/visualizer.py -------------------------------------------------------------------------------- /py-bottom-up-attention/dev/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/dev/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/dev/linter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/dev/linter.sh -------------------------------------------------------------------------------- /py-bottom-up-attention/dev/parse_results.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/dev/parse_results.sh -------------------------------------------------------------------------------- /py-bottom-up-attention/dev/run_inference_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/dev/run_inference_tests.sh -------------------------------------------------------------------------------- /py-bottom-up-attention/dev/run_instant_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/dev/run_instant_tests.sh -------------------------------------------------------------------------------- /py-bottom-up-attention/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docker/Dockerfile -------------------------------------------------------------------------------- /py-bottom-up-attention/docker/Dockerfile-circleci: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docker/Dockerfile-circleci -------------------------------------------------------------------------------- /py-bottom-up-attention/docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docker/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docker/docker-compose.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docker/docker-compose.yml -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/.gitignore: -------------------------------------------------------------------------------- 1 | _build 2 | -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/Makefile -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/conf.py -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/index.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/checkpoint.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/checkpoint.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/config.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/config.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/data.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/engine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/engine.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/evaluation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/evaluation.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/index.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/layers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/layers.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/model_zoo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/model_zoo.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/modeling.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/modeling.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/solver.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/solver.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/structures.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/structures.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/modules/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/modules/utils.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/notes/benchmarks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/notes/benchmarks.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/notes/changelog.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/notes/changelog.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/notes/compatibility.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/notes/compatibility.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/notes/contributing.md: -------------------------------------------------------------------------------- 1 | ../../.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/notes/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/notes/index.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/configs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/tutorials/configs.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/data_loading.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/tutorials/data_loading.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/datasets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/tutorials/datasets.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/extend.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/tutorials/extend.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/getting_started.md: -------------------------------------------------------------------------------- 1 | ../../GETTING_STARTED.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/tutorials/index.rst -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/install.md: -------------------------------------------------------------------------------- 1 | ../../INSTALL.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/tutorials/models.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/training.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/tutorials/training.md -------------------------------------------------------------------------------- /py-bottom-up-attention/docs/tutorials/write-models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/docs/tutorials/write-models.md -------------------------------------------------------------------------------- /py-bottom-up-attention/original_README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/original_README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/original_demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/original_demo/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/original_demo/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/original_demo/demo.py -------------------------------------------------------------------------------- /py-bottom-up-attention/original_demo/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/original_demo/predictor.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/apply_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/apply_net.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/configs/Base-DensePose-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/configs/Base-DensePose-RCNN-FPN.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/configs/densepose_rcnn_R_101_FPN_s1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/configs/densepose_rcnn_R_101_FPN_s1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/configs/densepose_rcnn_R_50_FPN_s1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/configs/densepose_rcnn_R_50_FPN_s1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/configs/quick_schedules/densepose_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/configs/quick_schedules/densepose_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/configs/quick_schedules/densepose_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/configs/quick_schedules/densepose_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/configs/quick_schedules/densepose_rcnn_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/configs/quick_schedules/densepose_rcnn_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/config.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/dataset.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/dataset_mapper.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/densepose_coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/densepose_coco_evaluation.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/densepose_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/densepose_head.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/evaluator.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/roi_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/roi_head.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/structures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/structures.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/utils/dbhelper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/utils/dbhelper.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/utils/logger.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/vis/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/vis/base.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/vis/bounding_box.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/vis/bounding_box.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/vis/densepose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/vis/densepose.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/densepose/vis/extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/densepose/vis/extractor.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/dev/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/dev/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/dev/run_inference_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/dev/run_inference_tests.sh -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/dev/run_instant_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/dev/run_instant_tests.sh -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/doc/GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/doc/GETTING_STARTED.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/doc/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/doc/MODEL_ZOO.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/doc/TOOL_APPLY_NET.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/doc/TOOL_APPLY_NET.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/doc/TOOL_QUERY_DB.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/doc/TOOL_QUERY_DB.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/query_db.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/query_db.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/DensePose/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/DensePose/train_net.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/configs/Base-TensorMask.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/configs/Base-TensorMask.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/configs/tensormask_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/configs/tensormask_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/configs/tensormask_R_50_FPN_6x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/configs/tensormask_R_50_FPN_6x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/setup.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tensormask/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tensormask/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tensormask/arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tensormask/arch.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tensormask/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tensormask/config.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tensormask/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tensormask/layers/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat.h -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat_cuda.cu -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tensormask/layers/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tensormask/layers/csrc/vision.cpp -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tensormask/layers/swap_align2nat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tensormask/layers/swap_align2nat.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tests/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/tests/test_swap_align2nat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/tests/test_swap_align2nat.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TensorMask/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TensorMask/train_net.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/configs/Base-TridentNet-Fast-C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/configs/Base-TridentNet-Fast-C4.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/configs/tridentnet_fast_R_101_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/configs/tridentnet_fast_R_101_C4_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/configs/tridentnet_fast_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/configs/tridentnet_fast_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/configs/tridentnet_fast_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/configs/tridentnet_fast_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/train_net.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/tridentnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/tridentnet/__init__.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/tridentnet/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/tridentnet/config.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/tridentnet/trident_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/tridentnet/trident_backbone.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/tridentnet/trident_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/tridentnet/trident_conv.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/tridentnet/trident_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/tridentnet/trident_rcnn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/projects/TridentNet/tridentnet/trident_rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/projects/TridentNet/tridentnet/trident_rpn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/requirements.txt -------------------------------------------------------------------------------- /py-bottom-up-attention/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/setup.cfg -------------------------------------------------------------------------------- /py-bottom-up-attention/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/setup.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_anchor_generator.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_box2box_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_box2box_transform.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_boxes.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_checkpoint.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_config.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_data_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_data_transform.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_fast_rcnn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_mask_ops.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_model_e2e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_model_e2e.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_model_zoo.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_nms_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_nms_rotated.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_roi_align.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_roi_align_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_roi_align_rotated.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_roi_heads.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_roi_pooler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_roi_pooler.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_rotated_boxes.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_rpn.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_sampler.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tests/test_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tests/test_visualizer.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tools/README.md -------------------------------------------------------------------------------- /py-bottom-up-attention/tools/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tools/benchmark.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tools/plain_train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tools/plain_train_net.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tools/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tools/train_net.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tools/visualize_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tools/visualize_data.py -------------------------------------------------------------------------------- /py-bottom-up-attention/tools/visualize_json_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/vladsandulescu/hatefulmemes/HEAD/py-bottom-up-attention/tools/visualize_json_results.py -------------------------------------------------------------------------------- /requirement.txt: -------------------------------------------------------------------------------- 1 | pandas 2 | jupyterlab --------------------------------------------------------------------------------