Anaconda Pytorch Detectron2 install

Anaconda Pytorch Detectron2 install  

(wind2) star@xmatrix:~/Detectron2$ cd detectron2-master
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ ls
build0  configs   demo        detectron2.egg-info  docker  GETTING_STARTED.md  LICENSE       projects   setup.cfg  tests
build1  datasets  detectron2  dev                  docs    INSTALL.md          MODEL_ZOO.md  README.md  setup.py   tools
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ python setup.py install
running install
running bdist_egg
running egg_info
writing detectron2.egg-info/PKG-INFO
writing dependency_links to detectron2.egg-info/dependency_links.txt
writing requirements to detectron2.egg-info/requires.txt
writing top-level names to detectron2.egg-info/top_level.txt
reading manifest file 'detectron2.egg-info/SOURCES.txt'
writing manifest file 'detectron2.egg-info/SOURCES.txt'
installing library code to build/bdist.linux-x86_64/egg
running install_lib
running build_py
creating build
creating build/lib.linux-x86_64-3.6
creating build/lib.linux-x86_64-3.6/detectron2
copying detectron2/__init__.py -> build/lib.linux-x86_64-3.6/detectron2
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo
copying detectron2/model_zoo/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/model_zoo
copying detectron2/model_zoo/model_zoo.py -> build/lib.linux-x86_64-3.6/detectron2/model_zoo
creating build/lib.linux-x86_64-3.6/detectron2/modeling
copying detectron2/modeling/test_time_augmentation.py -> build/lib.linux-x86_64-3.6/detectron2/modeling
copying detectron2/modeling/poolers.py -> build/lib.linux-x86_64-3.6/detectron2/modeling
copying detectron2/modeling/postprocessing.py -> build/lib.linux-x86_64-3.6/detectron2/modeling
copying detectron2/modeling/box_regression.py -> build/lib.linux-x86_64-3.6/detectron2/modeling
copying detectron2/modeling/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/modeling
copying detectron2/modeling/matcher.py -> build/lib.linux-x86_64-3.6/detectron2/modeling
copying detectron2/modeling/sampling.py -> build/lib.linux-x86_64-3.6/detectron2/modeling
copying detectron2/modeling/anchor_generator.py -> build/lib.linux-x86_64-3.6/detectron2/modeling
creating build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/env.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/logger.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/serialize.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/video_visualizer.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/colormap.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/visualizer.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/analysis.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/comm.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/collect_env.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/memory.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/events.py -> build/lib.linux-x86_64-3.6/detectron2/utils
copying detectron2/utils/registry.py -> build/lib.linux-x86_64-3.6/detectron2/utils
creating build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/testing.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/pascal_voc_evaluation.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/fast_eval_api.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/rotated_coco_evaluation.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/panoptic_evaluation.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/cityscapes_evaluation.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/evaluator.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/sem_seg_evaluation.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/lvis_evaluation.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
copying detectron2/evaluation/coco_evaluation.py -> build/lib.linux-x86_64-3.6/detectron2/evaluation
creating build/lib.linux-x86_64-3.6/detectron2/config
copying detectron2/config/defaults.py -> build/lib.linux-x86_64-3.6/detectron2/config
copying detectron2/config/compat.py -> build/lib.linux-x86_64-3.6/detectron2/config
copying detectron2/config/config.py -> build/lib.linux-x86_64-3.6/detectron2/config
copying detectron2/config/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/config
creating build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/roi_align.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/aspp.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/wrappers.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/blocks.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/batch_norm.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/deform_conv.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/nms.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/rotated_boxes.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/shape_spec.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/roi_align_rotated.py -> build/lib.linux-x86_64-3.6/detectron2/layers
copying detectron2/layers/mask_ops.py -> build/lib.linux-x86_64-3.6/detectron2/layers
creating build/lib.linux-x86_64-3.6/detectron2/data
copying detectron2/data/catalog.py -> build/lib.linux-x86_64-3.6/detectron2/data
copying detectron2/data/detection_utils.py -> build/lib.linux-x86_64-3.6/detectron2/data
copying detectron2/data/build.py -> build/lib.linux-x86_64-3.6/detectron2/data
copying detectron2/data/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/data
copying detectron2/data/dataset_mapper.py -> build/lib.linux-x86_64-3.6/detectron2/data
copying detectron2/data/common.py -> build/lib.linux-x86_64-3.6/detectron2/data
creating build/lib.linux-x86_64-3.6/detectron2/checkpoint
copying detectron2/checkpoint/catalog.py -> build/lib.linux-x86_64-3.6/detectron2/checkpoint
copying detectron2/checkpoint/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/checkpoint
copying detectron2/checkpoint/detection_checkpoint.py -> build/lib.linux-x86_64-3.6/detectron2/checkpoint
copying detectron2/checkpoint/c2_model_loading.py -> build/lib.linux-x86_64-3.6/detectron2/checkpoint
creating build/lib.linux-x86_64-3.6/detectron2/structures
copying detectron2/structures/keypoints.py -> build/lib.linux-x86_64-3.6/detectron2/structures
copying detectron2/structures/boxes.py -> build/lib.linux-x86_64-3.6/detectron2/structures
copying detectron2/structures/masks.py -> build/lib.linux-x86_64-3.6/detectron2/structures
copying detectron2/structures/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/structures
copying detectron2/structures/instances.py -> build/lib.linux-x86_64-3.6/detectron2/structures
copying detectron2/structures/rotated_boxes.py -> build/lib.linux-x86_64-3.6/detectron2/structures
copying detectron2/structures/image_list.py -> build/lib.linux-x86_64-3.6/detectron2/structures
creating build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/caffe2_export.py -> build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/caffe2_modeling.py -> build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/c10.py -> build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/torchscript.py -> build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/caffe2_inference.py -> build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/patcher.py -> build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/shared.py -> build/lib.linux-x86_64-3.6/detectron2/export
copying detectron2/export/api.py -> build/lib.linux-x86_64-3.6/detectron2/export
creating build/lib.linux-x86_64-3.6/detectron2/solver
copying detectron2/solver/build.py -> build/lib.linux-x86_64-3.6/detectron2/solver
copying detectron2/solver/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/solver
copying detectron2/solver/lr_scheduler.py -> build/lib.linux-x86_64-3.6/detectron2/solver
creating build/lib.linux-x86_64-3.6/detectron2/engine
copying detectron2/engine/defaults.py -> build/lib.linux-x86_64-3.6/detectron2/engine
copying detectron2/engine/launch.py -> build/lib.linux-x86_64-3.6/detectron2/engine
copying detectron2/engine/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/engine
copying detectron2/engine/hooks.py -> build/lib.linux-x86_64-3.6/detectron2/engine
copying detectron2/engine/train_loop.py -> build/lib.linux-x86_64-3.6/detectron2/engine
creating build/lib.linux-x86_64-3.6/detectron2/projects
copying detectron2/projects/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/projects
creating build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/rcnn.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/panoptic_fpn.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/semantic_seg.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/build.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/retinanet.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch
creating build/lib.linux-x86_64-3.6/detectron2/modeling/backbone
copying detectron2/modeling/backbone/backbone.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/backbone
copying detectron2/modeling/backbone/resnet.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/backbone
copying detectron2/modeling/backbone/build.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/backbone
copying detectron2/modeling/backbone/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/backbone
copying detectron2/modeling/backbone/fpn.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/backbone
creating build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/rrpn.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/build.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/rpn.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/proposal_utils.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator
creating build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/box_head.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/roi_heads.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/rotated_fast_rcnn.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/fast_rcnn.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/keypoint_head.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/mask_head.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/cascade_rcnn.py -> build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads
creating build/lib.linux-x86_64-3.6/detectron2/data/transforms
copying detectron2/data/transforms/augmentation.py -> build/lib.linux-x86_64-3.6/detectron2/data/transforms
copying detectron2/data/transforms/augmentation_impl.py -> build/lib.linux-x86_64-3.6/detectron2/data/transforms
copying detectron2/data/transforms/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/data/transforms
copying detectron2/data/transforms/transform.py -> build/lib.linux-x86_64-3.6/detectron2/data/transforms
creating build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/register_coco.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/lvis_v0_5_categories.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/pascal_voc.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/builtin.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/coco.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/cityscapes.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/builtin_meta.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/lvis.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
copying detectron2/data/datasets/lvis_v1_categories.py -> build/lib.linux-x86_64-3.6/detectron2/data/datasets
creating build/lib.linux-x86_64-3.6/detectron2/data/samplers
copying detectron2/data/samplers/grouped_batch_sampler.py -> build/lib.linux-x86_64-3.6/detectron2/data/samplers
copying detectron2/data/samplers/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/data/samplers
copying detectron2/data/samplers/distributed_sampler.py -> build/lib.linux-x86_64-3.6/detectron2/data/samplers
creating build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
copying projects/PointRend/point_rend/color_augmentation.py -> build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
copying projects/PointRend/point_rend/semantic_seg.py -> build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
copying projects/PointRend/point_rend/config.py -> build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
copying projects/PointRend/point_rend/coarse_mask_head.py -> build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
copying projects/PointRend/point_rend/point_features.py -> build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
copying projects/PointRend/point_rend/roi_heads.py -> build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
copying projects/PointRend/point_rend/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
copying projects/PointRend/point_rend/point_head.py -> build/lib.linux-x86_64-3.6/detectron2/projects/point_rend
creating build/lib.linux-x86_64-3.6/detectron2/projects/deeplab
copying projects/DeepLab/deeplab/semantic_seg.py -> build/lib.linux-x86_64-3.6/detectron2/projects/deeplab
copying projects/DeepLab/deeplab/config.py -> build/lib.linux-x86_64-3.6/detectron2/projects/deeplab
copying projects/DeepLab/deeplab/build_solver.py -> build/lib.linux-x86_64-3.6/detectron2/projects/deeplab
copying projects/DeepLab/deeplab/resnet.py -> build/lib.linux-x86_64-3.6/detectron2/projects/deeplab
copying projects/DeepLab/deeplab/__init__.py -> build/lib.linux-x86_64-3.6/detectron2/projects/deeplab
copying projects/DeepLab/deeplab/loss.py -> build/lib.linux-x86_64-3.6/detectron2/projects/deeplab
copying projects/DeepLab/deeplab/lr_scheduler.py -> build/lib.linux-x86_64-3.6/detectron2/projects/deeplab
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs
copying detectron2/model_zoo/configs/Base-RCNN-DilatedC5.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs
copying detectron2/model_zoo/configs/Base-RCNN-C4.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs
copying detectron2/model_zoo/configs/Base-RetinaNet.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs
copying detectron2/model_zoo/configs/Base-RCNN-FPN.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/PascalVOC-Detection
copying detectron2/model_zoo/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/PascalVOC-Detection
copying detectron2/model_zoo/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/PascalVOC-Detection
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Detectron1-Comparisons
copying detectron2/model_zoo/configs/Detectron1-Comparisons/faster_rcnn_R_50_FPN_noaug_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Detectron1-Comparisons
copying detectron2/model_zoo/configs/Detectron1-Comparisons/keypoint_rcnn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Detectron1-Comparisons
copying detectron2/model_zoo/configs/Detectron1-Comparisons/mask_rcnn_R_50_FPN_noaug_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Detectron1-Comparisons
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation
copying detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation
copying detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation
copying detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Cityscapes
copying detectron2/model_zoo/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Cityscapes
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_C4_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/rpn_R_50_FPN_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/fast_rcnn_R_50_FPN_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/semantic_R_50_FPN_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/panoptic_fpn_R_50_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_FPN_training_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/keypoint_rcnn_R_50_FPN_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/cascade_mask_rcnn_R_50_FPN_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/rpn_R_50_FPN_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_C4_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/semantic_R_50_FPN_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_FPN_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/fast_rcnn_R_50_FPN_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_FPN_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/retinanet_R_50_FPN_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/panoptic_fpn_R_50_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/keypoint_rcnn_R_50_FPN_training_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_C4_GCV_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/panoptic_fpn_R_50_training_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_FPN_pred_boxes_training_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_C4_training_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/retinanet_R_50_FPN_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/keypoint_rcnn_R_50_FPN_instant_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/semantic_R_50_FPN_training_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_DC5_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
copying detectron2/model_zoo/configs/quick_schedules/cascade_mask_rcnn_R_50_FPN_inference_acc_test.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/rpn_R_50_C4_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_X_101_32x8d_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
copying detectron2/model_zoo/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/semantic_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_gn.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
copying detectron2/model_zoo/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_syncbn.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_DC5_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x_giou.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_C4_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints
copying detectron2/model_zoo/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints
copying detectron2/model_zoo/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints
copying detectron2/model_zoo/configs/COCO-Keypoints/keypoint_rcnn_R_101_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints
copying detectron2/model_zoo/configs/COCO-Keypoints/keypoint_rcnn_X_101_32x8d_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints
copying detectron2/model_zoo/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation
copying detectron2/model_zoo/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation
copying detectron2/model_zoo/configs/COCO-PanopticSegmentation/panoptic_fpn_R_101_3x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation
copying detectron2/model_zoo/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation
copying detectron2/model_zoo/configs/COCO-PanopticSegmentation/Base-Panoptic-FPN.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation
creating build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation
copying detectron2/model_zoo/configs/LVISv1-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation
copying detectron2/model_zoo/configs/LVISv1-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation
copying detectron2/model_zoo/configs/LVISv1-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -> build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation
running build_ext
building 'detectron2._C' extension
creating build/temp.linux-x86_64-3.6
creating build/temp.linux-x86_64-3.6/home
creating build/temp.linux-x86_64-3.6/home/star
creating build/temp.linux-x86_64-3.6/home/star/Detectron2
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlign
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/cocoeval
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/nms_rotated
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/box_iou_rotated
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlignRotated
creating build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/deformable
gcc -pthread -B /home/star/anaconda3/envs/wind2/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/vision.cpp -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/vision.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
gcc -pthread -B /home/star/anaconda3/envs/wind2/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
gcc -pthread -B /home/star/anaconda3/envs/wind2/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/cocoeval/cocoeval.cpp -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/cocoeval/cocoeval.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
gcc -pthread -B /home/star/anaconda3/envs/wind2/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
gcc -pthread -B /home/star/anaconda3/envs/wind2/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
gcc -pthread -B /home/star/anaconda3/envs/wind2/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -std=c++11
/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -std=c++11
/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -std=c++11
/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/deformable/deform_conv_cuda.cu -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/deformable/deform_conv_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -std=c++11
/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -std=c++11
/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -std=c++11
/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/home/star/Detectron2/detectron2-master/detectron2/layers/csrc -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/TH -I/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/home/star/anaconda3/envs/wind2/include/python3.6m -c /home/star/Detectron2/detectron2-master/detectron2/layers/csrc/cuda_version.cu -o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/cuda_version.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -std=c++11
g++ -pthread -shared -B /home/star/anaconda3/envs/wind2/compiler_compat -L/home/star/anaconda3/envs/wind2/lib -Wl,-rpath=/home/star/anaconda3/envs/wind2/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/vision.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/cocoeval/cocoeval.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/deformable/deform_conv_cuda.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.o build/temp.linux-x86_64-3.6/home/star/Detectron2/detectron2-master/detectron2/layers/csrc/cuda_version.o -L/usr/local/cuda/lib64 -lcudart -o build/lib.linux-x86_64-3.6/detectron2/_C.cpython-36m-x86_64-linux-gnu.so
creating build/bdist.linux-x86_64
creating build/bdist.linux-x86_64/egg
creating build/bdist.linux-x86_64/egg/detectron2
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Base-RCNN-DilatedC5.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/PascalVOC-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/PascalVOC-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/PascalVOC-Detection
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Detectron1-Comparisons
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Detectron1-Comparisons/faster_rcnn_R_50_FPN_noaug_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Detectron1-Comparisons
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Detectron1-Comparisons/keypoint_rcnn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Detectron1-Comparisons
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Detectron1-Comparisons/mask_rcnn_R_50_FPN_noaug_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Detectron1-Comparisons
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/LVISv0.5-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Base-RCNN-C4.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Cityscapes
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Cityscapes
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_C4_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/rpn_R_50_FPN_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/fast_rcnn_R_50_FPN_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/semantic_R_50_FPN_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/panoptic_fpn_R_50_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_FPN_training_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/keypoint_rcnn_R_50_FPN_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/cascade_mask_rcnn_R_50_FPN_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/rpn_R_50_FPN_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_C4_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/semantic_R_50_FPN_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_FPN_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/fast_rcnn_R_50_FPN_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_FPN_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/retinanet_R_50_FPN_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/panoptic_fpn_R_50_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/keypoint_rcnn_R_50_FPN_training_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_C4_GCV_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/panoptic_fpn_R_50_training_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_FPN_pred_boxes_training_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_C4_training_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/retinanet_R_50_FPN_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/keypoint_rcnn_R_50_FPN_instant_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/semantic_R_50_FPN_training_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/mask_rcnn_R_50_DC5_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/quick_schedules/cascade_mask_rcnn_R_50_FPN_inference_acc_test.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/quick_schedules
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/rpn_R_50_C4_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_X_101_32x8d_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Detection
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/semantic_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_gn.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_syncbn.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/Misc
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_DC5_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x_giou.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_C4_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Base-RetinaNet.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/Base-RCNN-FPN.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Keypoints
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Keypoints
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Keypoints
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints/keypoint_rcnn_R_101_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Keypoints
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints/keypoint_rcnn_X_101_32x8d_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Keypoints
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-Keypoints
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-PanopticSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-PanopticSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation/panoptic_fpn_R_101_3x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-PanopticSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-PanopticSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/COCO-PanopticSegmentation/Base-Panoptic-FPN.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/COCO-PanopticSegmentation
creating build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -> build/bdist.linux-x86_64/egg/detectron2/model_zoo/configs/LVISv1-InstanceSegmentation
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/model_zoo
copying build/lib.linux-x86_64-3.6/detectron2/model_zoo/model_zoo.py -> build/bdist.linux-x86_64/egg/detectron2/model_zoo
creating build/bdist.linux-x86_64/egg/detectron2/modeling
copying build/lib.linux-x86_64-3.6/detectron2/modeling/test_time_augmentation.py -> build/bdist.linux-x86_64/egg/detectron2/modeling
copying build/lib.linux-x86_64-3.6/detectron2/modeling/poolers.py -> build/bdist.linux-x86_64/egg/detectron2/modeling
creating build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch
copying build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch/rcnn.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch
copying build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch/panoptic_fpn.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch
copying build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch/semantic_seg.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch
copying build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch/build.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch
copying build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch
copying build/lib.linux-x86_64-3.6/detectron2/modeling/meta_arch/retinanet.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch
copying build/lib.linux-x86_64-3.6/detectron2/modeling/postprocessing.py -> build/bdist.linux-x86_64/egg/detectron2/modeling
copying build/lib.linux-x86_64-3.6/detectron2/modeling/box_regression.py -> build/bdist.linux-x86_64/egg/detectron2/modeling
creating build/bdist.linux-x86_64/egg/detectron2/modeling/backbone
copying build/lib.linux-x86_64-3.6/detectron2/modeling/backbone/backbone.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/backbone
copying build/lib.linux-x86_64-3.6/detectron2/modeling/backbone/resnet.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/backbone
copying build/lib.linux-x86_64-3.6/detectron2/modeling/backbone/build.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/backbone
copying build/lib.linux-x86_64-3.6/detectron2/modeling/backbone/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/backbone
copying build/lib.linux-x86_64-3.6/detectron2/modeling/backbone/fpn.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/backbone
creating build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator
copying build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator/rrpn.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator
copying build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator/build.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator
copying build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator
copying build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator/rpn.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator
copying build/lib.linux-x86_64-3.6/detectron2/modeling/proposal_generator/proposal_utils.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator
copying build/lib.linux-x86_64-3.6/detectron2/modeling/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/modeling
copying build/lib.linux-x86_64-3.6/detectron2/modeling/matcher.py -> build/bdist.linux-x86_64/egg/detectron2/modeling
copying build/lib.linux-x86_64-3.6/detectron2/modeling/sampling.py -> build/bdist.linux-x86_64/egg/detectron2/modeling
copying build/lib.linux-x86_64-3.6/detectron2/modeling/anchor_generator.py -> build/bdist.linux-x86_64/egg/detectron2/modeling
creating build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
copying build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads/box_head.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
copying build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads/roi_heads.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
copying build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
copying build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads/rotated_fast_rcnn.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
copying build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads/fast_rcnn.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
copying build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads/keypoint_head.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
copying build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads/mask_head.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
copying build/lib.linux-x86_64-3.6/detectron2/modeling/roi_heads/cascade_rcnn.py -> build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads
creating build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/env.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/logger.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/serialize.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/video_visualizer.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/colormap.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/visualizer.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/analysis.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/comm.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/collect_env.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/memory.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/events.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/utils/registry.py -> build/bdist.linux-x86_64/egg/detectron2/utils
copying build/lib.linux-x86_64-3.6/detectron2/__init__.py -> build/bdist.linux-x86_64/egg/detectron2
creating build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/testing.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/pascal_voc_evaluation.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/fast_eval_api.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/rotated_coco_evaluation.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/panoptic_evaluation.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/cityscapes_evaluation.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/evaluator.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/sem_seg_evaluation.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/lvis_evaluation.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/evaluation/coco_evaluation.py -> build/bdist.linux-x86_64/egg/detectron2/evaluation
copying build/lib.linux-x86_64-3.6/detectron2/_C.cpython-36m-x86_64-linux-gnu.so -> build/bdist.linux-x86_64/egg/detectron2
creating build/bdist.linux-x86_64/egg/detectron2/config
copying build/lib.linux-x86_64-3.6/detectron2/config/defaults.py -> build/bdist.linux-x86_64/egg/detectron2/config
copying build/lib.linux-x86_64-3.6/detectron2/config/compat.py -> build/bdist.linux-x86_64/egg/detectron2/config
copying build/lib.linux-x86_64-3.6/detectron2/config/config.py -> build/bdist.linux-x86_64/egg/detectron2/config
copying build/lib.linux-x86_64-3.6/detectron2/config/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/config
creating build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/roi_align.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/aspp.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/wrappers.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/blocks.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/batch_norm.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/deform_conv.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/nms.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/rotated_boxes.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/shape_spec.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/roi_align_rotated.py -> build/bdist.linux-x86_64/egg/detectron2/layers
copying build/lib.linux-x86_64-3.6/detectron2/layers/mask_ops.py -> build/bdist.linux-x86_64/egg/detectron2/layers
creating build/bdist.linux-x86_64/egg/detectron2/data
copying build/lib.linux-x86_64-3.6/detectron2/data/catalog.py -> build/bdist.linux-x86_64/egg/detectron2/data
copying build/lib.linux-x86_64-3.6/detectron2/data/detection_utils.py -> build/bdist.linux-x86_64/egg/detectron2/data
copying build/lib.linux-x86_64-3.6/detectron2/data/build.py -> build/bdist.linux-x86_64/egg/detectron2/data
copying build/lib.linux-x86_64-3.6/detectron2/data/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/data
creating build/bdist.linux-x86_64/egg/detectron2/data/transforms
copying build/lib.linux-x86_64-3.6/detectron2/data/transforms/augmentation.py -> build/bdist.linux-x86_64/egg/detectron2/data/transforms
copying build/lib.linux-x86_64-3.6/detectron2/data/transforms/augmentation_impl.py -> build/bdist.linux-x86_64/egg/detectron2/data/transforms
copying build/lib.linux-x86_64-3.6/detectron2/data/transforms/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/data/transforms
copying build/lib.linux-x86_64-3.6/detectron2/data/transforms/transform.py -> build/bdist.linux-x86_64/egg/detectron2/data/transforms
copying build/lib.linux-x86_64-3.6/detectron2/data/dataset_mapper.py -> build/bdist.linux-x86_64/egg/detectron2/data
creating build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/register_coco.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/lvis_v0_5_categories.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/pascal_voc.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/builtin.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/coco.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/cityscapes.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/builtin_meta.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/lvis.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/datasets/lvis_v1_categories.py -> build/bdist.linux-x86_64/egg/detectron2/data/datasets
copying build/lib.linux-x86_64-3.6/detectron2/data/common.py -> build/bdist.linux-x86_64/egg/detectron2/data
creating build/bdist.linux-x86_64/egg/detectron2/data/samplers
copying build/lib.linux-x86_64-3.6/detectron2/data/samplers/grouped_batch_sampler.py -> build/bdist.linux-x86_64/egg/detectron2/data/samplers
copying build/lib.linux-x86_64-3.6/detectron2/data/samplers/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/data/samplers
copying build/lib.linux-x86_64-3.6/detectron2/data/samplers/distributed_sampler.py -> build/bdist.linux-x86_64/egg/detectron2/data/samplers
creating build/bdist.linux-x86_64/egg/detectron2/checkpoint
copying build/lib.linux-x86_64-3.6/detectron2/checkpoint/catalog.py -> build/bdist.linux-x86_64/egg/detectron2/checkpoint
copying build/lib.linux-x86_64-3.6/detectron2/checkpoint/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/checkpoint
copying build/lib.linux-x86_64-3.6/detectron2/checkpoint/detection_checkpoint.py -> build/bdist.linux-x86_64/egg/detectron2/checkpoint
copying build/lib.linux-x86_64-3.6/detectron2/checkpoint/c2_model_loading.py -> build/bdist.linux-x86_64/egg/detectron2/checkpoint
creating build/bdist.linux-x86_64/egg/detectron2/structures
copying build/lib.linux-x86_64-3.6/detectron2/structures/keypoints.py -> build/bdist.linux-x86_64/egg/detectron2/structures
copying build/lib.linux-x86_64-3.6/detectron2/structures/boxes.py -> build/bdist.linux-x86_64/egg/detectron2/structures
copying build/lib.linux-x86_64-3.6/detectron2/structures/masks.py -> build/bdist.linux-x86_64/egg/detectron2/structures
copying build/lib.linux-x86_64-3.6/detectron2/structures/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/structures
copying build/lib.linux-x86_64-3.6/detectron2/structures/instances.py -> build/bdist.linux-x86_64/egg/detectron2/structures
copying build/lib.linux-x86_64-3.6/detectron2/structures/rotated_boxes.py -> build/bdist.linux-x86_64/egg/detectron2/structures
copying build/lib.linux-x86_64-3.6/detectron2/structures/image_list.py -> build/bdist.linux-x86_64/egg/detectron2/structures
creating build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/caffe2_export.py -> build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/caffe2_modeling.py -> build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/c10.py -> build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/torchscript.py -> build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/caffe2_inference.py -> build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/patcher.py -> build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/shared.py -> build/bdist.linux-x86_64/egg/detectron2/export
copying build/lib.linux-x86_64-3.6/detectron2/export/api.py -> build/bdist.linux-x86_64/egg/detectron2/export
creating build/bdist.linux-x86_64/egg/detectron2/solver
copying build/lib.linux-x86_64-3.6/detectron2/solver/build.py -> build/bdist.linux-x86_64/egg/detectron2/solver
copying build/lib.linux-x86_64-3.6/detectron2/solver/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/solver
copying build/lib.linux-x86_64-3.6/detectron2/solver/lr_scheduler.py -> build/bdist.linux-x86_64/egg/detectron2/solver
creating build/bdist.linux-x86_64/egg/detectron2/engine
copying build/lib.linux-x86_64-3.6/detectron2/engine/defaults.py -> build/bdist.linux-x86_64/egg/detectron2/engine
copying build/lib.linux-x86_64-3.6/detectron2/engine/launch.py -> build/bdist.linux-x86_64/egg/detectron2/engine
copying build/lib.linux-x86_64-3.6/detectron2/engine/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/engine
copying build/lib.linux-x86_64-3.6/detectron2/engine/hooks.py -> build/bdist.linux-x86_64/egg/detectron2/engine
copying build/lib.linux-x86_64-3.6/detectron2/engine/train_loop.py -> build/bdist.linux-x86_64/egg/detectron2/engine
creating build/bdist.linux-x86_64/egg/detectron2/projects
creating build/bdist.linux-x86_64/egg/detectron2/projects/deeplab
copying build/lib.linux-x86_64-3.6/detectron2/projects/deeplab/semantic_seg.py -> build/bdist.linux-x86_64/egg/detectron2/projects/deeplab
copying build/lib.linux-x86_64-3.6/detectron2/projects/deeplab/config.py -> build/bdist.linux-x86_64/egg/detectron2/projects/deeplab
copying build/lib.linux-x86_64-3.6/detectron2/projects/deeplab/build_solver.py -> build/bdist.linux-x86_64/egg/detectron2/projects/deeplab
copying build/lib.linux-x86_64-3.6/detectron2/projects/deeplab/resnet.py -> build/bdist.linux-x86_64/egg/detectron2/projects/deeplab
copying build/lib.linux-x86_64-3.6/detectron2/projects/deeplab/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/projects/deeplab
copying build/lib.linux-x86_64-3.6/detectron2/projects/deeplab/loss.py -> build/bdist.linux-x86_64/egg/detectron2/projects/deeplab
copying build/lib.linux-x86_64-3.6/detectron2/projects/deeplab/lr_scheduler.py -> build/bdist.linux-x86_64/egg/detectron2/projects/deeplab
copying build/lib.linux-x86_64-3.6/detectron2/projects/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/projects
creating build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
copying build/lib.linux-x86_64-3.6/detectron2/projects/point_rend/color_augmentation.py -> build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
copying build/lib.linux-x86_64-3.6/detectron2/projects/point_rend/semantic_seg.py -> build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
copying build/lib.linux-x86_64-3.6/detectron2/projects/point_rend/config.py -> build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
copying build/lib.linux-x86_64-3.6/detectron2/projects/point_rend/coarse_mask_head.py -> build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
copying build/lib.linux-x86_64-3.6/detectron2/projects/point_rend/point_features.py -> build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
copying build/lib.linux-x86_64-3.6/detectron2/projects/point_rend/roi_heads.py -> build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
copying build/lib.linux-x86_64-3.6/detectron2/projects/point_rend/__init__.py -> build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
copying build/lib.linux-x86_64-3.6/detectron2/projects/point_rend/point_head.py -> build/bdist.linux-x86_64/egg/detectron2/projects/point_rend
byte-compiling build/bdist.linux-x86_64/egg/detectron2/model_zoo/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/model_zoo/model_zoo.py to model_zoo.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/test_time_augmentation.py to test_time_augmentation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/poolers.py to poolers.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch/rcnn.py to rcnn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch/panoptic_fpn.py to panoptic_fpn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch/semantic_seg.py to semantic_seg.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch/build.py to build.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/meta_arch/retinanet.py to retinanet.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/postprocessing.py to postprocessing.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/box_regression.py to box_regression.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/backbone/backbone.py to backbone.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/backbone/resnet.py to resnet.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/backbone/build.py to build.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/backbone/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/backbone/fpn.py to fpn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator/rrpn.py to rrpn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator/build.py to build.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator/rpn.py to rpn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/proposal_generator/proposal_utils.py to proposal_utils.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/matcher.py to matcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/sampling.py to sampling.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/anchor_generator.py to anchor_generator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads/box_head.py to box_head.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads/roi_heads.py to roi_heads.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads/rotated_fast_rcnn.py to rotated_fast_rcnn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads/fast_rcnn.py to fast_rcnn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads/keypoint_head.py to keypoint_head.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads/mask_head.py to mask_head.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/modeling/roi_heads/cascade_rcnn.py to cascade_rcnn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/env.py to env.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/logger.py to logger.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/serialize.py to serialize.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/video_visualizer.py to video_visualizer.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/colormap.py to colormap.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/visualizer.py to visualizer.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/analysis.py to analysis.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/comm.py to comm.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/collect_env.py to collect_env.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/memory.py to memory.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/events.py to events.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/utils/registry.py to registry.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/testing.py to testing.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/pascal_voc_evaluation.py to pascal_voc_evaluation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/fast_eval_api.py to fast_eval_api.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/rotated_coco_evaluation.py to rotated_coco_evaluation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/panoptic_evaluation.py to panoptic_evaluation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/cityscapes_evaluation.py to cityscapes_evaluation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/evaluator.py to evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/sem_seg_evaluation.py to sem_seg_evaluation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/lvis_evaluation.py to lvis_evaluation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/evaluation/coco_evaluation.py to coco_evaluation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/config/defaults.py to defaults.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/config/compat.py to compat.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/config/config.py to config.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/config/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/roi_align.py to roi_align.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/aspp.py to aspp.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/wrappers.py to wrappers.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/blocks.py to blocks.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/batch_norm.py to batch_norm.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/deform_conv.py to deform_conv.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/nms.py to nms.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/rotated_boxes.py to rotated_boxes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/shape_spec.py to shape_spec.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/roi_align_rotated.py to roi_align_rotated.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/layers/mask_ops.py to mask_ops.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/catalog.py to catalog.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/detection_utils.py to detection_utils.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/build.py to build.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/transforms/augmentation.py to augmentation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/transforms/augmentation_impl.py to augmentation_impl.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/transforms/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/transforms/transform.py to transform.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/dataset_mapper.py to dataset_mapper.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/register_coco.py to register_coco.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/lvis_v0_5_categories.py to lvis_v0_5_categories.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/pascal_voc.py to pascal_voc.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/builtin.py to builtin.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/coco.py to coco.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/cityscapes.py to cityscapes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/builtin_meta.py to builtin_meta.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/lvis.py to lvis.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/datasets/lvis_v1_categories.py to lvis_v1_categories.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/common.py to common.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/samplers/grouped_batch_sampler.py to grouped_batch_sampler.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/samplers/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/data/samplers/distributed_sampler.py to distributed_sampler.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/checkpoint/catalog.py to catalog.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/checkpoint/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/checkpoint/detection_checkpoint.py to detection_checkpoint.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/checkpoint/c2_model_loading.py to c2_model_loading.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/structures/keypoints.py to keypoints.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/structures/boxes.py to boxes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/structures/masks.py to masks.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/structures/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/structures/instances.py to instances.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/structures/rotated_boxes.py to rotated_boxes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/structures/image_list.py to image_list.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/caffe2_export.py to caffe2_export.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/caffe2_modeling.py to caffe2_modeling.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/c10.py to c10.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/torchscript.py to torchscript.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/caffe2_inference.py to caffe2_inference.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/patcher.py to patcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/shared.py to shared.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/export/api.py to api.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/solver/build.py to build.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/solver/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/solver/lr_scheduler.py to lr_scheduler.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/engine/defaults.py to defaults.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/engine/launch.py to launch.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/engine/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/engine/hooks.py to hooks.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/engine/train_loop.py to train_loop.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/deeplab/semantic_seg.py to semantic_seg.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/deeplab/config.py to config.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/deeplab/build_solver.py to build_solver.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/deeplab/resnet.py to resnet.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/deeplab/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/deeplab/loss.py to loss.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/deeplab/lr_scheduler.py to lr_scheduler.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/point_rend/color_augmentation.py to color_augmentation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/point_rend/semantic_seg.py to semantic_seg.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/point_rend/config.py to config.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/point_rend/coarse_mask_head.py to coarse_mask_head.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/point_rend/point_features.py to point_features.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/point_rend/roi_heads.py to roi_heads.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/point_rend/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/detectron2/projects/point_rend/point_head.py to point_head.cpython-36.pyc
creating stub loader for detectron2/_C.cpython-36m-x86_64-linux-gnu.so
byte-compiling build/bdist.linux-x86_64/egg/detectron2/_C.py to _C.cpython-36.pyc
creating build/bdist.linux-x86_64/egg/EGG-INFO
copying detectron2.egg-info/PKG-INFO -> build/bdist.linux-x86_64/egg/EGG-INFO
copying detectron2.egg-info/SOURCES.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying detectron2.egg-info/dependency_links.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying detectron2.egg-info/requires.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying detectron2.egg-info/top_level.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
writing build/bdist.linux-x86_64/egg/EGG-INFO/native_libs.txt
zip_safe flag not set; analyzing archive contents...
detectron2.__pycache__._C.cpython-36: module references __file__
detectron2.projects.__pycache__.__init__.cpython-36: module references __file__
detectron2.utils.__pycache__.collect_env.cpython-36: module references __file__
creating dist
creating 'dist/detectron2-0.2.1-py3.6-linux-x86_64.egg' and adding 'build/bdist.linux-x86_64/egg' to it
removing 'build/bdist.linux-x86_64/egg' (and everything under it)
Processing detectron2-0.2.1-py3.6-linux-x86_64.egg
creating /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/detectron2-0.2.1-py3.6-linux-x86_64.egg
Extracting detectron2-0.2.1-py3.6-linux-x86_64.egg to /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Removing detectron2 0.2.1 from easy-install.pth file
Adding detectron2 0.2.1 to easy-install.pth file

Installed /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/detectron2-0.2.1-py3.6-linux-x86_64.egg
Processing dependencies for detectron2==0.2.1
Searching for pydot==1.4.1
Best match: pydot 1.4.1
Adding pydot 1.4.1 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for future==0.18.2
Best match: future 0.18.2
Adding future 0.18.2 to easy-install.pth file
Installing futurize script to /home/star/anaconda3/envs/wind2/bin
Installing pasteurize script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for pycocotools==2.0.2
Best match: pycocotools 2.0.2
Adding pycocotools 2.0.2 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for fvcore==0.1.2.post20200912
Best match: fvcore 0.1.2.post20200912
Adding fvcore 0.1.2.post20200912 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for tensorboard==2.3.0
Best match: tensorboard 2.3.0
Adding tensorboard 2.3.0 to easy-install.pth file
Installing tensorboard script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for tqdm==4.49.0
Best match: tqdm 4.49.0
Adding tqdm 4.49.0 to easy-install.pth file
Installing tqdm script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for mock==4.0.2
Best match: mock 4.0.2
Adding mock 4.0.2 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for matplotlib==3.3.2
Best match: matplotlib 3.3.2
Adding matplotlib 3.3.2 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for cloudpickle==1.6.0
Best match: cloudpickle 1.6.0
Adding cloudpickle 1.6.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for tabulate==0.8.7
Best match: tabulate 0.8.7
Adding tabulate 0.8.7 to easy-install.pth file
Installing tabulate script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for yacs==0.1.8
Best match: yacs 0.1.8
Adding yacs 0.1.8 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for Pillow==7.2.0
Best match: Pillow 7.2.0
Adding Pillow 7.2.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for termcolor==1.1.0
Best match: termcolor 1.1.0
Adding termcolor 1.1.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for pyparsing==2.4.7
Best match: pyparsing 2.4.7
Adding pyparsing 2.4.7 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for setuptools==42.0.2.post20191203
Best match: setuptools 42.0.2.post20191203
Adding setuptools 42.0.2.post20191203 to easy-install.pth file
Installing easy_install script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for Cython==0.29.21
Best match: Cython 0.29.21
Adding Cython 0.29.21 to easy-install.pth file
Installing cygdb script to /home/star/anaconda3/envs/wind2/bin
Installing cython script to /home/star/anaconda3/envs/wind2/bin
Installing cythonize script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for numpy==1.18.0
Best match: numpy 1.18.0
Adding numpy 1.18.0 to easy-install.pth file
Installing f2py script to /home/star/anaconda3/envs/wind2/bin
Installing f2py3 script to /home/star/anaconda3/envs/wind2/bin
Installing f2py3.6 script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for PyYAML==5.2
Best match: PyYAML 5.2
Adding PyYAML 5.2 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for portalocker==2.0.0
Best match: portalocker 2.0.0
Adding portalocker 2.0.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for requests==2.24.0
Best match: requests 2.24.0
Adding requests 2.24.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for wheel==0.33.6
Best match: wheel 0.33.6
Adding wheel 0.33.6 to easy-install.pth file
Installing wheel script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for absl-py==0.10.0
Best match: absl-py 0.10.0
Adding absl-py 0.10.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for Werkzeug==1.0.1
Best match: Werkzeug 1.0.1
Adding Werkzeug 1.0.1 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for protobuf==3.11.2
Best match: protobuf 3.11.2
Adding protobuf 3.11.2 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for grpcio==1.32.0
Best match: grpcio 1.32.0
Adding grpcio 1.32.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for google-auth-oauthlib==0.4.1
Best match: google-auth-oauthlib 0.4.1
Adding google-auth-oauthlib 0.4.1 to easy-install.pth file
Installing google-oauthlib-tool script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for google-auth==1.21.2
Best match: google-auth 1.21.2
Adding google-auth 1.21.2 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for Markdown==3.2.2
Best match: Markdown 3.2.2
Adding Markdown 3.2.2 to easy-install.pth file
Installing markdown_py script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for six==1.13.0
Best match: six 1.13.0
Adding six 1.13.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for tensorboard-plugin-wit==1.7.0
Best match: tensorboard-plugin-wit 1.7.0
Adding tensorboard-plugin-wit 1.7.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for certifi==2020.6.20
Best match: certifi 2020.6.20
Adding certifi 2020.6.20 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for python-dateutil==2.8.1
Best match: python-dateutil 2.8.1
Adding python-dateutil 2.8.1 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for kiwisolver==1.2.0
Best match: kiwisolver 1.2.0
Adding kiwisolver 1.2.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for cycler==0.10.0
Best match: cycler 0.10.0
Adding cycler 0.10.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for idna==2.10
Best match: idna 2.10
Adding idna 2.10 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for chardet==3.0.4
Best match: chardet 3.0.4
Adding chardet 3.0.4 to easy-install.pth file
Installing chardetect script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for urllib3==1.25.10
Best match: urllib3 1.25.10
Adding urllib3 1.25.10 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for requests-oauthlib==1.3.0
Best match: requests-oauthlib 1.3.0
Adding requests-oauthlib 1.3.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for pyasn1-modules==0.2.8
Best match: pyasn1-modules 0.2.8
Adding pyasn1-modules 0.2.8 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for cachetools==4.1.1
Best match: cachetools 4.1.1
Adding cachetools 4.1.1 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for rsa==4.6
Best match: rsa 4.6
Adding rsa 4.6 to easy-install.pth file
Installing pyrsa-decrypt script to /home/star/anaconda3/envs/wind2/bin
Installing pyrsa-encrypt script to /home/star/anaconda3/envs/wind2/bin
Installing pyrsa-keygen script to /home/star/anaconda3/envs/wind2/bin
Installing pyrsa-priv2pub script to /home/star/anaconda3/envs/wind2/bin
Installing pyrsa-sign script to /home/star/anaconda3/envs/wind2/bin
Installing pyrsa-verify script to /home/star/anaconda3/envs/wind2/bin

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for importlib-metadata==1.7.0
Best match: importlib-metadata 1.7.0
Adding importlib-metadata 1.7.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for oauthlib==3.1.0
Best match: oauthlib 3.1.0
Adding oauthlib 3.1.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for pyasn1==0.4.8
Best match: pyasn1 0.4.8
Adding pyasn1 0.4.8 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Searching for zipp==3.1.0
Best match: zipp 3.1.0
Adding zipp 3.1.0 to easy-install.pth file

Using /home/star/anaconda3/envs/wind2/lib/python3.6/site-packages
Finished processing dependencies for detectron2==0.2.1
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master$ cd demo
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ python demo.py --config-file ../configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml -input input1.jpg input2.jpg --opts model_final_c10459X3.pkl
usage: demo.py [-h] [--config-file FILE] [--webcam]
               [--video-input VIDEO_INPUT] [--input INPUT [INPUT ...]]
               [--output OUTPUT] [--confidence-threshold CONFIDENCE_THRESHOLD]
               [--opts ...]
demo.py: error: unrecognized arguments: -input input1.jpg input2.jpg
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ python demo.py --config-file ../configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml --input input1.jpg input2.jpg --opts model_final_c10459X3.pkl
[09/20 10:50:31 detectron2]: Arguments: Namespace(confidence_threshold=0.5, config_file='../configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml', input=['input1.jpg', 'input2.jpg'], opts=['model_final_c10459X3.pkl'], output=None, video_input=None, webcam=False)
Traceback (most recent call last):
  File "demo.py", line 77, in <module>
    cfg = setup_cfg(args)
  File "demo.py", line 24, in setup_cfg
    cfg.merge_from_list(args.opts)
  File "/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/fvcore/common/config.py", line 131, in merge_from_list
    return super().merge_from_list(cfg_list)
  File "/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/yacs/config.py", line 226, in merge_from_list
    cfg_list
  File "/home/star/anaconda3/envs/wind2/lib/python3.6/site-packages/yacs/config.py", line 545, in _assert_with_logging
    assert cond, msg
AssertionError: Override list has odd length: ['model_final_c10459X3.pkl']; it must be a list of pairs
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ 
(wind2) star@xmatrix:~/Detectron2/detectron2-master/demo$ python demo.py --config-file ../configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml \
>   --input input1.jpg input2.jpg \
>   [--other-options]
[09/20 10:52:10 detectron2]: Arguments: Namespace(confidence_threshold=0.5, config_file='../configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml', input=['input1.jpg', 'input2.jpg', '[--other-options]'], opts=[], output=None, video_input=None, webcam=False)
[09/20 10:52:14 fvcore.common.checkpoint]: Loading checkpoint from detectron2://ImageNetPretrained/MSRA/R-50.pkl
[09/20 10:52:14 fvcore.common.file_io]: Downloading https://dl.fbaipublicfiles.com/detectron2/ImageNetPretrained/MSRA/R-50.pkl ...
[09/20 10:52:14 fvcore.common.download]: Downloading from https://dl.fbaipublicfiles.com/detectron2/ImageNetPretrained/MSRA/R-50.pkl ...
R-50.pkl: 102MB [00:14, 7.19MB/s]                                                                                                                                                                            
[09/20 10:52:29 fvcore.common.download]: Successfully downloaded /home/star/.torch/fvcore_cache/detectron2/ImageNetPretrained/MSRA/R-50.pkl. 102465407 bytes.
[09/20 10:52:29 fvcore.common.file_io]: URL https://dl.fbaipublicfiles.com/detectron2/ImageNetPretrained/MSRA/R-50.pkl cached in /home/star/.torch/fvcore_cache/detectron2/ImageNetPretrained/MSRA/R-50.pkl
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: Remapping C2 weights ......
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv1.norm.bias            loaded from res2_0_branch2a_bn_beta           of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv1.norm.running_mean    loaded from res2_0_branch2a_bn_running_mean   of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv1.norm.running_var     loaded from res2_0_branch2a_bn_running_var    of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv1.norm.weight          loaded from res2_0_branch2a_bn_gamma          of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv1.weight               loaded from res2_0_branch2a_w                 of shape (64, 64, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv2.norm.bias            loaded from res2_0_branch2b_bn_beta           of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv2.norm.running_mean    loaded from res2_0_branch2b_bn_running_mean   of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv2.norm.running_var     loaded from res2_0_branch2b_bn_running_var    of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv2.norm.weight          loaded from res2_0_branch2b_bn_gamma          of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv2.weight               loaded from res2_0_branch2b_w                 of shape (64, 64, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv3.norm.bias            loaded from res2_0_branch2c_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv3.norm.running_mean    loaded from res2_0_branch2c_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv3.norm.running_var     loaded from res2_0_branch2c_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv3.norm.weight          loaded from res2_0_branch2c_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.conv3.weight               loaded from res2_0_branch2c_w                 of shape (256, 64, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.shortcut.norm.bias         loaded from res2_0_branch1_bn_beta            of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.shortcut.norm.running_mean loaded from res2_0_branch1_bn_running_mean    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.shortcut.norm.running_var  loaded from res2_0_branch1_bn_running_var     of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.shortcut.norm.weight       loaded from res2_0_branch1_bn_gamma           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.0.shortcut.weight            loaded from res2_0_branch1_w                  of shape (256, 64, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv1.norm.bias            loaded from res2_1_branch2a_bn_beta           of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv1.norm.running_mean    loaded from res2_1_branch2a_bn_running_mean   of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv1.norm.running_var     loaded from res2_1_branch2a_bn_running_var    of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv1.norm.weight          loaded from res2_1_branch2a_bn_gamma          of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv1.weight               loaded from res2_1_branch2a_w                 of shape (64, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv2.norm.bias            loaded from res2_1_branch2b_bn_beta           of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv2.norm.running_mean    loaded from res2_1_branch2b_bn_running_mean   of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv2.norm.running_var     loaded from res2_1_branch2b_bn_running_var    of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv2.norm.weight          loaded from res2_1_branch2b_bn_gamma          of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv2.weight               loaded from res2_1_branch2b_w                 of shape (64, 64, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv3.norm.bias            loaded from res2_1_branch2c_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv3.norm.running_mean    loaded from res2_1_branch2c_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv3.norm.running_var     loaded from res2_1_branch2c_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv3.norm.weight          loaded from res2_1_branch2c_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.1.conv3.weight               loaded from res2_1_branch2c_w                 of shape (256, 64, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv1.norm.bias            loaded from res2_2_branch2a_bn_beta           of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv1.norm.running_mean    loaded from res2_2_branch2a_bn_running_mean   of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv1.norm.running_var     loaded from res2_2_branch2a_bn_running_var    of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv1.norm.weight          loaded from res2_2_branch2a_bn_gamma          of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv1.weight               loaded from res2_2_branch2a_w                 of shape (64, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv2.norm.bias            loaded from res2_2_branch2b_bn_beta           of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv2.norm.running_mean    loaded from res2_2_branch2b_bn_running_mean   of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv2.norm.running_var     loaded from res2_2_branch2b_bn_running_var    of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv2.norm.weight          loaded from res2_2_branch2b_bn_gamma          of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv2.weight               loaded from res2_2_branch2b_w                 of shape (64, 64, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv3.norm.bias            loaded from res2_2_branch2c_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv3.norm.running_mean    loaded from res2_2_branch2c_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv3.norm.running_var     loaded from res2_2_branch2c_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv3.norm.weight          loaded from res2_2_branch2c_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res2.2.conv3.weight               loaded from res2_2_branch2c_w                 of shape (256, 64, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv1.norm.bias            loaded from res3_0_branch2a_bn_beta           of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv1.norm.running_mean    loaded from res3_0_branch2a_bn_running_mean   of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv1.norm.running_var     loaded from res3_0_branch2a_bn_running_var    of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv1.norm.weight          loaded from res3_0_branch2a_bn_gamma          of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv1.weight               loaded from res3_0_branch2a_w                 of shape (128, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv2.norm.bias            loaded from res3_0_branch2b_bn_beta           of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv2.norm.running_mean    loaded from res3_0_branch2b_bn_running_mean   of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv2.norm.running_var     loaded from res3_0_branch2b_bn_running_var    of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv2.norm.weight          loaded from res3_0_branch2b_bn_gamma          of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv2.weight               loaded from res3_0_branch2b_w                 of shape (128, 128, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv3.norm.bias            loaded from res3_0_branch2c_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv3.norm.running_mean    loaded from res3_0_branch2c_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv3.norm.running_var     loaded from res3_0_branch2c_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv3.norm.weight          loaded from res3_0_branch2c_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.conv3.weight               loaded from res3_0_branch2c_w                 of shape (512, 128, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.shortcut.norm.bias         loaded from res3_0_branch1_bn_beta            of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.shortcut.norm.running_mean loaded from res3_0_branch1_bn_running_mean    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.shortcut.norm.running_var  loaded from res3_0_branch1_bn_running_var     of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.shortcut.norm.weight       loaded from res3_0_branch1_bn_gamma           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.0.shortcut.weight            loaded from res3_0_branch1_w                  of shape (512, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv1.norm.bias            loaded from res3_1_branch2a_bn_beta           of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv1.norm.running_mean    loaded from res3_1_branch2a_bn_running_mean   of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv1.norm.running_var     loaded from res3_1_branch2a_bn_running_var    of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv1.norm.weight          loaded from res3_1_branch2a_bn_gamma          of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv1.weight               loaded from res3_1_branch2a_w                 of shape (128, 512, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv2.norm.bias            loaded from res3_1_branch2b_bn_beta           of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv2.norm.running_mean    loaded from res3_1_branch2b_bn_running_mean   of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv2.norm.running_var     loaded from res3_1_branch2b_bn_running_var    of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv2.norm.weight          loaded from res3_1_branch2b_bn_gamma          of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv2.weight               loaded from res3_1_branch2b_w                 of shape (128, 128, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv3.norm.bias            loaded from res3_1_branch2c_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv3.norm.running_mean    loaded from res3_1_branch2c_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv3.norm.running_var     loaded from res3_1_branch2c_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv3.norm.weight          loaded from res3_1_branch2c_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.1.conv3.weight               loaded from res3_1_branch2c_w                 of shape (512, 128, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv1.norm.bias            loaded from res3_2_branch2a_bn_beta           of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv1.norm.running_mean    loaded from res3_2_branch2a_bn_running_mean   of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv1.norm.running_var     loaded from res3_2_branch2a_bn_running_var    of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv1.norm.weight          loaded from res3_2_branch2a_bn_gamma          of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv1.weight               loaded from res3_2_branch2a_w                 of shape (128, 512, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv2.norm.bias            loaded from res3_2_branch2b_bn_beta           of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv2.norm.running_mean    loaded from res3_2_branch2b_bn_running_mean   of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv2.norm.running_var     loaded from res3_2_branch2b_bn_running_var    of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv2.norm.weight          loaded from res3_2_branch2b_bn_gamma          of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv2.weight               loaded from res3_2_branch2b_w                 of shape (128, 128, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv3.norm.bias            loaded from res3_2_branch2c_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv3.norm.running_mean    loaded from res3_2_branch2c_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv3.norm.running_var     loaded from res3_2_branch2c_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv3.norm.weight          loaded from res3_2_branch2c_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.2.conv3.weight               loaded from res3_2_branch2c_w                 of shape (512, 128, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv1.norm.bias            loaded from res3_3_branch2a_bn_beta           of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv1.norm.running_mean    loaded from res3_3_branch2a_bn_running_mean   of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv1.norm.running_var     loaded from res3_3_branch2a_bn_running_var    of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv1.norm.weight          loaded from res3_3_branch2a_bn_gamma          of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv1.weight               loaded from res3_3_branch2a_w                 of shape (128, 512, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv2.norm.bias            loaded from res3_3_branch2b_bn_beta           of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv2.norm.running_mean    loaded from res3_3_branch2b_bn_running_mean   of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv2.norm.running_var     loaded from res3_3_branch2b_bn_running_var    of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv2.norm.weight          loaded from res3_3_branch2b_bn_gamma          of shape (128,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv2.weight               loaded from res3_3_branch2b_w                 of shape (128, 128, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv3.norm.bias            loaded from res3_3_branch2c_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv3.norm.running_mean    loaded from res3_3_branch2c_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv3.norm.running_var     loaded from res3_3_branch2c_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv3.norm.weight          loaded from res3_3_branch2c_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res3.3.conv3.weight               loaded from res3_3_branch2c_w                 of shape (512, 128, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv1.norm.bias            loaded from res4_0_branch2a_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv1.norm.running_mean    loaded from res4_0_branch2a_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv1.norm.running_var     loaded from res4_0_branch2a_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv1.norm.weight          loaded from res4_0_branch2a_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv1.weight               loaded from res4_0_branch2a_w                 of shape (256, 512, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv2.norm.bias            loaded from res4_0_branch2b_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv2.norm.running_mean    loaded from res4_0_branch2b_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv2.norm.running_var     loaded from res4_0_branch2b_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv2.norm.weight          loaded from res4_0_branch2b_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv2.weight               loaded from res4_0_branch2b_w                 of shape (256, 256, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv3.norm.bias            loaded from res4_0_branch2c_bn_beta           of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv3.norm.running_mean    loaded from res4_0_branch2c_bn_running_mean   of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv3.norm.running_var     loaded from res4_0_branch2c_bn_running_var    of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv3.norm.weight          loaded from res4_0_branch2c_bn_gamma          of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.conv3.weight               loaded from res4_0_branch2c_w                 of shape (1024, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.shortcut.norm.bias         loaded from res4_0_branch1_bn_beta            of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.shortcut.norm.running_mean loaded from res4_0_branch1_bn_running_mean    of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.shortcut.norm.running_var  loaded from res4_0_branch1_bn_running_var     of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.shortcut.norm.weight       loaded from res4_0_branch1_bn_gamma           of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.0.shortcut.weight            loaded from res4_0_branch1_w                  of shape (1024, 512, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv1.norm.bias            loaded from res4_1_branch2a_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv1.norm.running_mean    loaded from res4_1_branch2a_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv1.norm.running_var     loaded from res4_1_branch2a_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv1.norm.weight          loaded from res4_1_branch2a_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv1.weight               loaded from res4_1_branch2a_w                 of shape (256, 1024, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv2.norm.bias            loaded from res4_1_branch2b_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv2.norm.running_mean    loaded from res4_1_branch2b_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv2.norm.running_var     loaded from res4_1_branch2b_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv2.norm.weight          loaded from res4_1_branch2b_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv2.weight               loaded from res4_1_branch2b_w                 of shape (256, 256, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv3.norm.bias            loaded from res4_1_branch2c_bn_beta           of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv3.norm.running_mean    loaded from res4_1_branch2c_bn_running_mean   of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv3.norm.running_var     loaded from res4_1_branch2c_bn_running_var    of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv3.norm.weight          loaded from res4_1_branch2c_bn_gamma          of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.1.conv3.weight               loaded from res4_1_branch2c_w                 of shape (1024, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv1.norm.bias            loaded from res4_2_branch2a_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv1.norm.running_mean    loaded from res4_2_branch2a_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv1.norm.running_var     loaded from res4_2_branch2a_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv1.norm.weight          loaded from res4_2_branch2a_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv1.weight               loaded from res4_2_branch2a_w                 of shape (256, 1024, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv2.norm.bias            loaded from res4_2_branch2b_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv2.norm.running_mean    loaded from res4_2_branch2b_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv2.norm.running_var     loaded from res4_2_branch2b_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv2.norm.weight          loaded from res4_2_branch2b_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv2.weight               loaded from res4_2_branch2b_w                 of shape (256, 256, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv3.norm.bias            loaded from res4_2_branch2c_bn_beta           of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv3.norm.running_mean    loaded from res4_2_branch2c_bn_running_mean   of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv3.norm.running_var     loaded from res4_2_branch2c_bn_running_var    of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv3.norm.weight          loaded from res4_2_branch2c_bn_gamma          of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.2.conv3.weight               loaded from res4_2_branch2c_w                 of shape (1024, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv1.norm.bias            loaded from res4_3_branch2a_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv1.norm.running_mean    loaded from res4_3_branch2a_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv1.norm.running_var     loaded from res4_3_branch2a_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv1.norm.weight          loaded from res4_3_branch2a_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv1.weight               loaded from res4_3_branch2a_w                 of shape (256, 1024, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv2.norm.bias            loaded from res4_3_branch2b_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv2.norm.running_mean    loaded from res4_3_branch2b_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv2.norm.running_var     loaded from res4_3_branch2b_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv2.norm.weight          loaded from res4_3_branch2b_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv2.weight               loaded from res4_3_branch2b_w                 of shape (256, 256, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv3.norm.bias            loaded from res4_3_branch2c_bn_beta           of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv3.norm.running_mean    loaded from res4_3_branch2c_bn_running_mean   of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv3.norm.running_var     loaded from res4_3_branch2c_bn_running_var    of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv3.norm.weight          loaded from res4_3_branch2c_bn_gamma          of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.3.conv3.weight               loaded from res4_3_branch2c_w                 of shape (1024, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv1.norm.bias            loaded from res4_4_branch2a_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv1.norm.running_mean    loaded from res4_4_branch2a_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv1.norm.running_var     loaded from res4_4_branch2a_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv1.norm.weight          loaded from res4_4_branch2a_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv1.weight               loaded from res4_4_branch2a_w                 of shape (256, 1024, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv2.norm.bias            loaded from res4_4_branch2b_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv2.norm.running_mean    loaded from res4_4_branch2b_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv2.norm.running_var     loaded from res4_4_branch2b_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv2.norm.weight          loaded from res4_4_branch2b_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv2.weight               loaded from res4_4_branch2b_w                 of shape (256, 256, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv3.norm.bias            loaded from res4_4_branch2c_bn_beta           of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv3.norm.running_mean    loaded from res4_4_branch2c_bn_running_mean   of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv3.norm.running_var     loaded from res4_4_branch2c_bn_running_var    of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv3.norm.weight          loaded from res4_4_branch2c_bn_gamma          of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.4.conv3.weight               loaded from res4_4_branch2c_w                 of shape (1024, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv1.norm.bias            loaded from res4_5_branch2a_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv1.norm.running_mean    loaded from res4_5_branch2a_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv1.norm.running_var     loaded from res4_5_branch2a_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv1.norm.weight          loaded from res4_5_branch2a_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv1.weight               loaded from res4_5_branch2a_w                 of shape (256, 1024, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv2.norm.bias            loaded from res4_5_branch2b_bn_beta           of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv2.norm.running_mean    loaded from res4_5_branch2b_bn_running_mean   of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv2.norm.running_var     loaded from res4_5_branch2b_bn_running_var    of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv2.norm.weight          loaded from res4_5_branch2b_bn_gamma          of shape (256,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv2.weight               loaded from res4_5_branch2b_w                 of shape (256, 256, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv3.norm.bias            loaded from res4_5_branch2c_bn_beta           of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv3.norm.running_mean    loaded from res4_5_branch2c_bn_running_mean   of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv3.norm.running_var     loaded from res4_5_branch2c_bn_running_var    of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv3.norm.weight          loaded from res4_5_branch2c_bn_gamma          of shape (1024,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res4.5.conv3.weight               loaded from res4_5_branch2c_w                 of shape (1024, 256, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv1.norm.bias            loaded from res5_0_branch2a_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv1.norm.running_mean    loaded from res5_0_branch2a_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv1.norm.running_var     loaded from res5_0_branch2a_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv1.norm.weight          loaded from res5_0_branch2a_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv1.weight               loaded from res5_0_branch2a_w                 of shape (512, 1024, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv2.norm.bias            loaded from res5_0_branch2b_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv2.norm.running_mean    loaded from res5_0_branch2b_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv2.norm.running_var     loaded from res5_0_branch2b_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv2.norm.weight          loaded from res5_0_branch2b_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv2.weight               loaded from res5_0_branch2b_w                 of shape (512, 512, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv3.norm.bias            loaded from res5_0_branch2c_bn_beta           of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv3.norm.running_mean    loaded from res5_0_branch2c_bn_running_mean   of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv3.norm.running_var     loaded from res5_0_branch2c_bn_running_var    of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv3.norm.weight          loaded from res5_0_branch2c_bn_gamma          of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.conv3.weight               loaded from res5_0_branch2c_w                 of shape (2048, 512, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.shortcut.norm.bias         loaded from res5_0_branch1_bn_beta            of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.shortcut.norm.running_mean loaded from res5_0_branch1_bn_running_mean    of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.shortcut.norm.running_var  loaded from res5_0_branch1_bn_running_var     of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.shortcut.norm.weight       loaded from res5_0_branch1_bn_gamma           of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.0.shortcut.weight            loaded from res5_0_branch1_w                  of shape (2048, 1024, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv1.norm.bias            loaded from res5_1_branch2a_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv1.norm.running_mean    loaded from res5_1_branch2a_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv1.norm.running_var     loaded from res5_1_branch2a_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv1.norm.weight          loaded from res5_1_branch2a_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv1.weight               loaded from res5_1_branch2a_w                 of shape (512, 2048, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv2.norm.bias            loaded from res5_1_branch2b_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv2.norm.running_mean    loaded from res5_1_branch2b_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv2.norm.running_var     loaded from res5_1_branch2b_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv2.norm.weight          loaded from res5_1_branch2b_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv2.weight               loaded from res5_1_branch2b_w                 of shape (512, 512, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv3.norm.bias            loaded from res5_1_branch2c_bn_beta           of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv3.norm.running_mean    loaded from res5_1_branch2c_bn_running_mean   of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv3.norm.running_var     loaded from res5_1_branch2c_bn_running_var    of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv3.norm.weight          loaded from res5_1_branch2c_bn_gamma          of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.1.conv3.weight               loaded from res5_1_branch2c_w                 of shape (2048, 512, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv1.norm.bias            loaded from res5_2_branch2a_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv1.norm.running_mean    loaded from res5_2_branch2a_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv1.norm.running_var     loaded from res5_2_branch2a_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv1.norm.weight          loaded from res5_2_branch2a_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv1.weight               loaded from res5_2_branch2a_w                 of shape (512, 2048, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv2.norm.bias            loaded from res5_2_branch2b_bn_beta           of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv2.norm.running_mean    loaded from res5_2_branch2b_bn_running_mean   of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv2.norm.running_var     loaded from res5_2_branch2b_bn_running_var    of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv2.norm.weight          loaded from res5_2_branch2b_bn_gamma          of shape (512,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv2.weight               loaded from res5_2_branch2b_w                 of shape (512, 512, 3, 3)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv3.norm.bias            loaded from res5_2_branch2c_bn_beta           of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv3.norm.running_mean    loaded from res5_2_branch2c_bn_running_mean   of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv3.norm.running_var     loaded from res5_2_branch2c_bn_running_var    of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv3.norm.weight          loaded from res5_2_branch2c_bn_gamma          of shape (2048,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.res5.2.conv3.weight               loaded from res5_2_branch2c_w                 of shape (2048, 512, 1, 1)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.stem.conv1.norm.bias              loaded from res_conv1_bn_beta                 of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.stem.conv1.norm.running_mean      loaded from res_conv1_bn_running_mean         of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.stem.conv1.norm.running_var       loaded from res_conv1_bn_running_var          of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.stem.conv1.norm.weight            loaded from res_conv1_bn_gamma                of shape (64,)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: backbone.bottom_up.stem.conv1.weight                 loaded from conv1_w                           of shape (64, 3, 7, 7)
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: Some model parameters or buffers are not found in the checkpoint:
  backbone.fpn_lateral2.{bias, weight}
  backbone.fpn_lateral3.{bias, weight}
  backbone.fpn_lateral4.{bias, weight}
  backbone.fpn_lateral5.{bias, weight}
  backbone.fpn_output2.{bias, weight}
  backbone.fpn_output3.{bias, weight}
  backbone.fpn_output4.{bias, weight}
  backbone.fpn_output5.{bias, weight}
  pixel_mean
  pixel_std
  proposal_generator.anchor_generator.cell_anchors.{0, 1, 2, 3, 4}
  proposal_generator.rpn_head.anchor_deltas.{bias, weight}
  proposal_generator.rpn_head.conv.{bias, weight}
  proposal_generator.rpn_head.objectness_logits.{bias, weight}
  roi_heads.box_head.fc1.{bias, weight}
  roi_heads.box_head.fc2.{bias, weight}
  roi_heads.box_predictor.bbox_pred.{bias, weight}
  roi_heads.box_predictor.cls_score.{bias, weight}
  roi_heads.mask_head.deconv.{bias, weight}
  roi_heads.mask_head.mask_fcn1.{bias, weight}
  roi_heads.mask_head.mask_fcn2.{bias, weight}
  roi_heads.mask_head.mask_fcn3.{bias, weight}
  roi_heads.mask_head.mask_fcn4.{bias, weight}
  roi_heads.mask_head.predictor.{bias, weight}
[09/20 10:52:29 d2.checkpoint.c2_model_loading]: The checkpoint state_dict contains keys that are not used by the model:
  fc1000_b
  fc1000_w
  conv1_b
[09/20 10:52:29 detectron2]: input1.jpg: detected 0 instances in 0.24s

 

https://github.com/pytorch/vision/

 

posted @ 2020-09-20 11:11  西北逍遥  阅读(1064)  评论(0编辑  收藏  举报