Anaconda tensorflow-cpu Object Detection API

https://github.com/tensorflow/models

https://blog.csdn.net/qq_28019591/article/details/82023949

(zhouying) F:\TensorflowProject\ObjectDetection\models-master\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-master\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-master\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-master\research>python setup.py install
running install
running bdist_egg
running egg_info
creating object_detection.egg-info
writing object_detection.egg-info\PKG-INFO
writing dependency_links to object_detection.egg-info\dependency_links.txt
writing requirements to object_detection.egg-info\requires.txt
writing top-level names to object_detection.egg-info\top_level.txt
writing manifest file 'object_detection.egg-info\SOURCES.txt'
reading manifest file 'object_detection.egg-info\SOURCES.txt'
writing manifest file 'object_detection.egg-info\SOURCES.txt'
installing library code to build\bdist.win-amd64\egg
running install_lib
running build_py
creating build
creating build\lib
creating build\lib\object_detection
copying object_detection\eval_util.py -> build\lib\object_detection
copying object_detection\eval_util_test.py -> build\lib\object_detection
copying object_detection\exporter.py -> build\lib\object_detection
copying object_detection\exporter_test.py -> build\lib\object_detection
copying object_detection\export_inference_graph.py -> build\lib\object_detection
copying object_detection\export_tflite_ssd_graph.py -> build\lib\object_detection
copying object_detection\export_tflite_ssd_graph_lib.py -> build\lib\object_detection
copying object_detection\export_tflite_ssd_graph_lib_test.py -> build\lib\object_detection
copying object_detection\inputs.py -> build\lib\object_detection
copying object_detection\inputs_test.py -> build\lib\object_detection
copying object_detection\model_hparams.py -> build\lib\object_detection
copying object_detection\model_lib.py -> build\lib\object_detection
copying object_detection\model_lib_test.py -> build\lib\object_detection
copying object_detection\model_lib_v2.py -> build\lib\object_detection
copying object_detection\model_lib_v2_test.py -> build\lib\object_detection
copying object_detection\model_main.py -> build\lib\object_detection
copying object_detection\model_tpu_main.py -> build\lib\object_detection
copying object_detection\__init__.py -> build\lib\object_detection
creating build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\flexible_grid_anchor_generator.py -> build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\flexible_grid_anchor_generator_test.py -> build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\grid_anchor_generator.py -> build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\grid_anchor_generator_test.py -> build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\multiple_grid_anchor_generator.py -> build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\multiple_grid_anchor_generator_test.py -> build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\multiscale_grid_anchor_generator.py -> build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\multiscale_grid_anchor_generator_test.py -> build\lib\object_detection\anchor_generators
copying object_detection\anchor_generators\__init__.py -> build\lib\object_detection\anchor_generators
creating build\lib\object_detection\box_coders
copying object_detection\box_coders\faster_rcnn_box_coder.py -> build\lib\object_detection\box_coders
copying object_detection\box_coders\faster_rcnn_box_coder_test.py -> build\lib\object_detection\box_coders
copying object_detection\box_coders\keypoint_box_coder.py -> build\lib\object_detection\box_coders
copying object_detection\box_coders\keypoint_box_coder_test.py -> build\lib\object_detection\box_coders
copying object_detection\box_coders\mean_stddev_box_coder.py -> build\lib\object_detection\box_coders
copying object_detection\box_coders\mean_stddev_box_coder_test.py -> build\lib\object_detection\box_coders
copying object_detection\box_coders\square_box_coder.py -> build\lib\object_detection\box_coders
copying object_detection\box_coders\square_box_coder_test.py -> build\lib\object_detection\box_coders
copying object_detection\box_coders\__init__.py -> build\lib\object_detection\box_coders
creating build\lib\object_detection\builders
copying object_detection\builders\anchor_generator_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\anchor_generator_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\box_coder_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\box_coder_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\box_predictor_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\box_predictor_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\calibration_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\calibration_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\dataset_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\dataset_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\graph_rewriter_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\graph_rewriter_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\hyperparams_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\hyperparams_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\image_resizer_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\image_resizer_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\input_reader_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\input_reader_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\losses_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\losses_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\matcher_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\matcher_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\model_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\model_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\optimizer_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\optimizer_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\post_processing_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\post_processing_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\preprocessor_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\preprocessor_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\region_similarity_calculator_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\region_similarity_calculator_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\target_assigner_builder.py -> build\lib\object_detection\builders
copying object_detection\builders\target_assigner_builder_test.py -> build\lib\object_detection\builders
copying object_detection\builders\__init__.py -> build\lib\object_detection\builders
creating build\lib\object_detection\core
copying object_detection\core\anchor_generator.py -> build\lib\object_detection\core
copying object_detection\core\balanced_positive_negative_sampler.py -> build\lib\object_detection\core
copying object_detection\core\balanced_positive_negative_sampler_test.py -> build\lib\object_detection\core
copying object_detection\core\batcher.py -> build\lib\object_detection\core
copying object_detection\core\batcher_test.py -> build\lib\object_detection\core
copying object_detection\core\batch_multiclass_nms_test.py -> build\lib\object_detection\core
copying object_detection\core\box_coder.py -> build\lib\object_detection\core
copying object_detection\core\box_coder_test.py -> build\lib\object_detection\core
copying object_detection\core\box_list.py -> build\lib\object_detection\core
copying object_detection\core\box_list_ops.py -> build\lib\object_detection\core
copying object_detection\core\box_list_ops_test.py -> build\lib\object_detection\core
copying object_detection\core\box_list_test.py -> build\lib\object_detection\core
copying object_detection\core\box_predictor.py -> build\lib\object_detection\core
copying object_detection\core\class_agnostic_nms_test.py -> build\lib\object_detection\core
copying object_detection\core\data_decoder.py -> build\lib\object_detection\core
copying object_detection\core\data_parser.py -> build\lib\object_detection\core
copying object_detection\core\freezable_batch_norm.py -> build\lib\object_detection\core
copying object_detection\core\freezable_batch_norm_test.py -> build\lib\object_detection\core
copying object_detection\core\keypoint_ops.py -> build\lib\object_detection\core
copying object_detection\core\keypoint_ops_test.py -> build\lib\object_detection\core
copying object_detection\core\losses.py -> build\lib\object_detection\core
copying object_detection\core\losses_test.py -> build\lib\object_detection\core
copying object_detection\core\matcher.py -> build\lib\object_detection\core
copying object_detection\core\matcher_test.py -> build\lib\object_detection\core
copying object_detection\core\minibatch_sampler.py -> build\lib\object_detection\core
copying object_detection\core\minibatch_sampler_test.py -> build\lib\object_detection\core
copying object_detection\core\model.py -> build\lib\object_detection\core
copying object_detection\core\multiclass_nms_test.py -> build\lib\object_detection\core
copying object_detection\core\post_processing.py -> build\lib\object_detection\core
copying object_detection\core\prefetcher.py -> build\lib\object_detection\core
copying object_detection\core\prefetcher_test.py -> build\lib\object_detection\core
copying object_detection\core\preprocessor.py -> build\lib\object_detection\core
copying object_detection\core\preprocessor_cache.py -> build\lib\object_detection\core
copying object_detection\core\preprocessor_test.py -> build\lib\object_detection\core
copying object_detection\core\region_similarity_calculator.py -> build\lib\object_detection\core
copying object_detection\core\region_similarity_calculator_test.py -> build\lib\object_detection\core
copying object_detection\core\standard_fields.py -> build\lib\object_detection\core
copying object_detection\core\target_assigner.py -> build\lib\object_detection\core
copying object_detection\core\target_assigner_test.py -> build\lib\object_detection\core
copying object_detection\core\__init__.py -> build\lib\object_detection\core
creating build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\create_coco_tf_record.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\create_coco_tf_record_test.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\create_kitti_tf_record.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\create_kitti_tf_record_test.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\create_oid_tf_record.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\create_pascal_tf_record.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\create_pascal_tf_record_test.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\create_pet_tf_record.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\oid_hierarchical_labels_expansion.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\oid_hierarchical_labels_expansion_test.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\oid_tfrecord_creation.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\oid_tfrecord_creation_test.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\tf_record_creation_util.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\tf_record_creation_util_test.py -> build\lib\object_detection\dataset_tools
copying object_detection\dataset_tools\__init__.py -> build\lib\object_detection\dataset_tools
creating build\lib\object_detection\data_decoders
copying object_detection\data_decoders\tf_example_decoder.py -> build\lib\object_detection\data_decoders
copying object_detection\data_decoders\tf_example_decoder_test.py -> build\lib\object_detection\data_decoders
copying object_detection\data_decoders\__init__.py -> build\lib\object_detection\data_decoders
creating build\lib\object_detection\inference
copying object_detection\inference\detection_inference.py -> build\lib\object_detection\inference
copying object_detection\inference\detection_inference_test.py -> build\lib\object_detection\inference
copying object_detection\inference\infer_detections.py -> build\lib\object_detection\inference
copying object_detection\inference\__init__.py -> build\lib\object_detection\inference
creating build\lib\object_detection\legacy
copying object_detection\legacy\eval.py -> build\lib\object_detection\legacy
copying object_detection\legacy\evaluator.py -> build\lib\object_detection\legacy
copying object_detection\legacy\train.py -> build\lib\object_detection\legacy
copying object_detection\legacy\trainer.py -> build\lib\object_detection\legacy
copying object_detection\legacy\trainer_test.py -> build\lib\object_detection\legacy
copying object_detection\legacy\__init__.py -> build\lib\object_detection\legacy
creating build\lib\object_detection\matchers
copying object_detection\matchers\argmax_matcher.py -> build\lib\object_detection\matchers
copying object_detection\matchers\argmax_matcher_test.py -> build\lib\object_detection\matchers
copying object_detection\matchers\bipartite_matcher.py -> build\lib\object_detection\matchers
copying object_detection\matchers\bipartite_matcher_test.py -> build\lib\object_detection\matchers
copying object_detection\matchers\__init__.py -> build\lib\object_detection\matchers
creating build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\faster_rcnn_meta_arch.py -> build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\faster_rcnn_meta_arch_test.py -> build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\faster_rcnn_meta_arch_test_lib.py -> build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\rfcn_meta_arch.py -> build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\rfcn_meta_arch_test.py -> build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\ssd_meta_arch.py -> build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\ssd_meta_arch_test.py -> build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\ssd_meta_arch_test_lib.py -> build\lib\object_detection\meta_architectures
copying object_detection\meta_architectures\__init__.py -> build\lib\object_detection\meta_architectures
creating build\lib\object_detection\metrics
copying object_detection\metrics\calibration_evaluation.py -> build\lib\object_detection\metrics
copying object_detection\metrics\calibration_evaluation_test.py -> build\lib\object_detection\metrics
copying object_detection\metrics\calibration_metrics.py -> build\lib\object_detection\metrics
copying object_detection\metrics\calibration_metrics_test.py -> build\lib\object_detection\metrics
copying object_detection\metrics\coco_evaluation.py -> build\lib\object_detection\metrics
copying object_detection\metrics\coco_evaluation_test.py -> build\lib\object_detection\metrics
copying object_detection\metrics\coco_tools.py -> build\lib\object_detection\metrics
copying object_detection\metrics\coco_tools_test.py -> build\lib\object_detection\metrics
copying object_detection\metrics\io_utils.py -> build\lib\object_detection\metrics
copying object_detection\metrics\offline_eval_map_corloc.py -> build\lib\object_detection\metrics
copying object_detection\metrics\offline_eval_map_corloc_test.py -> build\lib\object_detection\metrics
copying object_detection\metrics\oid_challenge_evaluation.py -> build\lib\object_detection\metrics
copying object_detection\metrics\oid_challenge_evaluation_utils.py -> build\lib\object_detection\metrics
copying object_detection\metrics\oid_challenge_evaluation_utils_test.py -> build\lib\object_detection\metrics
copying object_detection\metrics\oid_vrd_challenge_evaluation.py -> build\lib\object_detection\metrics
copying object_detection\metrics\oid_vrd_challenge_evaluation_utils.py -> build\lib\object_detection\metrics
copying object_detection\metrics\oid_vrd_challenge_evaluation_utils_test.py -> build\lib\object_detection\metrics
copying object_detection\metrics\tf_example_parser.py -> build\lib\object_detection\metrics
copying object_detection\metrics\tf_example_parser_test.py -> build\lib\object_detection\metrics
copying object_detection\metrics\__init__.py -> build\lib\object_detection\metrics
creating build\lib\object_detection\models
copying object_detection\models\embedded_ssd_mobilenet_v1_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\embedded_ssd_mobilenet_v1_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_inception_resnet_v2_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_inception_resnet_v2_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_inception_resnet_v2_keras_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_inception_resnet_v2_keras_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_inception_v2_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_inception_v2_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_mobilenet_v1_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_mobilenet_v1_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_nas_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_nas_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_pnas_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_pnas_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_resnet_v1_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\faster_rcnn_resnet_v1_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\feature_map_generators.py -> build\lib\object_detection\models
copying object_detection\models\feature_map_generators_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_inception_v2_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_inception_v2_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_inception_v3_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_inception_v3_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_edgetpu_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_edgetpu_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_edgetpu_feature_extractor_testbase.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v1_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v1_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v1_fpn_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v1_fpn_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v1_fpn_keras_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v1_keras_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v1_ppn_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v1_ppn_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v2_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v2_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v2_fpn_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v2_fpn_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v2_fpn_keras_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v2_keras_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v3_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v3_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_mobilenet_v3_feature_extractor_testbase.py -> build\lib\object_detection\models
copying object_detection\models\ssd_pnasnet_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_pnasnet_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_resnet_v1_fpn_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_resnet_v1_fpn_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_resnet_v1_fpn_feature_extractor_testbase.py -> build\lib\object_detection\models
copying object_detection\models\ssd_resnet_v1_fpn_keras_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_resnet_v1_ppn_feature_extractor.py -> build\lib\object_detection\models
copying object_detection\models\ssd_resnet_v1_ppn_feature_extractor_test.py -> build\lib\object_detection\models
copying object_detection\models\ssd_resnet_v1_ppn_feature_extractor_testbase.py -> build\lib\object_detection\models
copying object_detection\models\__init__.py -> build\lib\object_detection\models
creating build\lib\object_detection\predictors
copying object_detection\predictors\convolutional_box_predictor.py -> build\lib\object_detection\predictors
copying object_detection\predictors\convolutional_box_predictor_test.py -> build\lib\object_detection\predictors
copying object_detection\predictors\convolutional_keras_box_predictor.py -> build\lib\object_detection\predictors
copying object_detection\predictors\convolutional_keras_box_predictor_test.py -> build\lib\object_detection\predictors
copying object_detection\predictors\mask_rcnn_box_predictor.py -> build\lib\object_detection\predictors
copying object_detection\predictors\mask_rcnn_box_predictor_test.py -> build\lib\object_detection\predictors
copying object_detection\predictors\mask_rcnn_keras_box_predictor.py -> build\lib\object_detection\predictors
copying object_detection\predictors\mask_rcnn_keras_box_predictor_test.py -> build\lib\object_detection\predictors
copying object_detection\predictors\rfcn_box_predictor.py -> build\lib\object_detection\predictors
copying object_detection\predictors\rfcn_box_predictor_test.py -> build\lib\object_detection\predictors
copying object_detection\predictors\rfcn_keras_box_predictor.py -> build\lib\object_detection\predictors
copying object_detection\predictors\rfcn_keras_box_predictor_test.py -> build\lib\object_detection\predictors
copying object_detection\predictors\__init__.py -> build\lib\object_detection\predictors
creating build\lib\object_detection\protos
copying object_detection\protos\__init__.py -> build\lib\object_detection\protos
creating build\lib\object_detection\tpu_exporters
copying object_detection\tpu_exporters\export_saved_model_tpu.py -> build\lib\object_detection\tpu_exporters
copying object_detection\tpu_exporters\export_saved_model_tpu_lib.py -> build\lib\object_detection\tpu_exporters
copying object_detection\tpu_exporters\export_saved_model_tpu_lib_test.py -> build\lib\object_detection\tpu_exporters
copying object_detection\tpu_exporters\faster_rcnn.py -> build\lib\object_detection\tpu_exporters
copying object_detection\tpu_exporters\ssd.py -> build\lib\object_detection\tpu_exporters
copying object_detection\tpu_exporters\utils.py -> build\lib\object_detection\tpu_exporters
copying object_detection\tpu_exporters\utils_test.py -> build\lib\object_detection\tpu_exporters
copying object_detection\tpu_exporters\__init__.py -> build\lib\object_detection\tpu_exporters
creating build\lib\object_detection\utils
copying object_detection\utils\autoaugment_utils.py -> build\lib\object_detection\utils
copying object_detection\utils\category_util.py -> build\lib\object_detection\utils
copying object_detection\utils\category_util_test.py -> build\lib\object_detection\utils
copying object_detection\utils\config_util.py -> build\lib\object_detection\utils
copying object_detection\utils\config_util_test.py -> build\lib\object_detection\utils
copying object_detection\utils\context_manager.py -> build\lib\object_detection\utils
copying object_detection\utils\context_manager_test.py -> build\lib\object_detection\utils
copying object_detection\utils\dataset_util.py -> build\lib\object_detection\utils
copying object_detection\utils\dataset_util_test.py -> build\lib\object_detection\utils
copying object_detection\utils\json_utils.py -> build\lib\object_detection\utils
copying object_detection\utils\json_utils_test.py -> build\lib\object_detection\utils
copying object_detection\utils\label_map_util.py -> build\lib\object_detection\utils
copying object_detection\utils\label_map_util_test.py -> build\lib\object_detection\utils
copying object_detection\utils\learning_schedules.py -> build\lib\object_detection\utils
copying object_detection\utils\learning_schedules_test.py -> build\lib\object_detection\utils
copying object_detection\utils\metrics.py -> build\lib\object_detection\utils
copying object_detection\utils\metrics_test.py -> build\lib\object_detection\utils
copying object_detection\utils\model_util.py -> build\lib\object_detection\utils
copying object_detection\utils\model_util_test.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_list.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_list_ops.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_list_ops_test.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_list_test.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_mask_list.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_mask_list_ops.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_mask_list_ops_test.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_mask_list_test.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_ops.py -> build\lib\object_detection\utils
copying object_detection\utils\np_box_ops_test.py -> build\lib\object_detection\utils
copying object_detection\utils\np_mask_ops.py -> build\lib\object_detection\utils
copying object_detection\utils\np_mask_ops_test.py -> build\lib\object_detection\utils
copying object_detection\utils\object_detection_evaluation.py -> build\lib\object_detection\utils
copying object_detection\utils\object_detection_evaluation_test.py -> build\lib\object_detection\utils
copying object_detection\utils\ops.py -> build\lib\object_detection\utils
copying object_detection\utils\ops_test.py -> build\lib\object_detection\utils
copying object_detection\utils\patch_ops.py -> build\lib\object_detection\utils
copying object_detection\utils\patch_ops_test.py -> build\lib\object_detection\utils
copying object_detection\utils\per_image_evaluation.py -> build\lib\object_detection\utils
copying object_detection\utils\per_image_evaluation_test.py -> build\lib\object_detection\utils
copying object_detection\utils\per_image_vrd_evaluation.py -> build\lib\object_detection\utils
copying object_detection\utils\per_image_vrd_evaluation_test.py -> build\lib\object_detection\utils
copying object_detection\utils\shape_utils.py -> build\lib\object_detection\utils
copying object_detection\utils\shape_utils_test.py -> build\lib\object_detection\utils
copying object_detection\utils\spatial_transform_ops.py -> build\lib\object_detection\utils
copying object_detection\utils\spatial_transform_ops_test.py -> build\lib\object_detection\utils
copying object_detection\utils\static_shape.py -> build\lib\object_detection\utils
copying object_detection\utils\static_shape_test.py -> build\lib\object_detection\utils
copying object_detection\utils\test_case.py -> build\lib\object_detection\utils
copying object_detection\utils\test_utils.py -> build\lib\object_detection\utils
copying object_detection\utils\test_utils_test.py -> build\lib\object_detection\utils
copying object_detection\utils\variables_helper.py -> build\lib\object_detection\utils
copying object_detection\utils\variables_helper_test.py -> build\lib\object_detection\utils
copying object_detection\utils\visualization_utils.py -> build\lib\object_detection\utils
copying object_detection\utils\visualization_utils_test.py -> build\lib\object_detection\utils
copying object_detection\utils\vrd_evaluation.py -> build\lib\object_detection\utils
copying object_detection\utils\vrd_evaluation_test.py -> build\lib\object_detection\utils
copying object_detection\utils\__init__.py -> build\lib\object_detection\utils
creating build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\inception_resnet_v2.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\inception_resnet_v2_test.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\mobilenet_v1.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\mobilenet_v1_test.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\mobilenet_v2.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\mobilenet_v2_test.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\model_utils.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\resnet_v1.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\resnet_v1_test.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\test_utils.py -> build\lib\object_detection\models\keras_models
copying object_detection\models\keras_models\__init__.py -> build\lib\object_detection\models\keras_models
creating build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\box_head.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\box_head_test.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\class_head.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\class_head_test.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\head.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\keras_box_head.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\keras_box_head_test.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\keras_class_head.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\keras_class_head_test.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\keras_mask_head.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\keras_mask_head_test.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\keypoint_head.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\keypoint_head_test.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\mask_head.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\mask_head_test.py -> build\lib\object_detection\predictors\heads
copying object_detection\predictors\heads\__init__.py -> build\lib\object_detection\predictors\heads
creating build\lib\object_detection\tpu_exporters\testdata
copying object_detection\tpu_exporters\testdata\__init__.py -> build\lib\object_detection\tpu_exporters\testdata
creating build\bdist.win-amd64
creating build\bdist.win-amd64\egg
creating build\bdist.win-amd64\egg\object_detection
creating build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\flexible_grid_anchor_generator.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\flexible_grid_anchor_generator_test.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\grid_anchor_generator.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\grid_anchor_generator_test.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\multiple_grid_anchor_generator.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\multiple_grid_anchor_generator_test.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\multiscale_grid_anchor_generator.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\multiscale_grid_anchor_generator_test.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
copying build\lib\object_detection\anchor_generators\__init__.py -> build\bdist.win-amd64\egg\object_detection\anchor_generators
creating build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\faster_rcnn_box_coder.py -> build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\faster_rcnn_box_coder_test.py -> build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\keypoint_box_coder.py -> build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\keypoint_box_coder_test.py -> build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\mean_stddev_box_coder.py -> build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\mean_stddev_box_coder_test.py -> build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\square_box_coder.py -> build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\square_box_coder_test.py -> build\bdist.win-amd64\egg\object_detection\box_coders
copying build\lib\object_detection\box_coders\__init__.py -> build\bdist.win-amd64\egg\object_detection\box_coders
creating build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\anchor_generator_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\anchor_generator_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\box_coder_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\box_coder_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\box_predictor_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\box_predictor_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\calibration_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\calibration_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\dataset_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\dataset_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\graph_rewriter_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\graph_rewriter_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\hyperparams_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\hyperparams_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\image_resizer_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\image_resizer_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\input_reader_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\input_reader_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\losses_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\losses_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\matcher_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\matcher_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\model_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\model_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\optimizer_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\optimizer_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\post_processing_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\post_processing_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\preprocessor_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\preprocessor_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\region_similarity_calculator_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\region_similarity_calculator_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\target_assigner_builder.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\target_assigner_builder_test.py -> build\bdist.win-amd64\egg\object_detection\builders
copying build\lib\object_detection\builders\__init__.py -> build\bdist.win-amd64\egg\object_detection\builders
creating build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\anchor_generator.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\balanced_positive_negative_sampler.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\balanced_positive_negative_sampler_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\batcher.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\batcher_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\batch_multiclass_nms_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\box_coder.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\box_coder_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\box_list.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\box_list_ops.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\box_list_ops_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\box_list_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\box_predictor.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\class_agnostic_nms_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\data_decoder.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\data_parser.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\freezable_batch_norm.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\freezable_batch_norm_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\keypoint_ops.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\keypoint_ops_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\losses.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\losses_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\matcher.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\matcher_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\minibatch_sampler.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\minibatch_sampler_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\model.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\multiclass_nms_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\post_processing.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\prefetcher.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\prefetcher_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\preprocessor.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\preprocessor_cache.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\preprocessor_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\region_similarity_calculator.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\region_similarity_calculator_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\standard_fields.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\target_assigner.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\target_assigner_test.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\__init__.py -> build\bdist.win-amd64\egg\object_detection\core
creating build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\create_coco_tf_record.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\create_coco_tf_record_test.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\create_kitti_tf_record.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\create_kitti_tf_record_test.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\create_oid_tf_record.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\create_pascal_tf_record.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\create_pascal_tf_record_test.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\create_pet_tf_record.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\oid_hierarchical_labels_expansion.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\oid_hierarchical_labels_expansion_test.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\oid_tfrecord_creation.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\oid_tfrecord_creation_test.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\tf_record_creation_util.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\tf_record_creation_util_test.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
copying build\lib\object_detection\dataset_tools\__init__.py -> build\bdist.win-amd64\egg\object_detection\dataset_tools
creating build\bdist.win-amd64\egg\object_detection\data_decoders
copying build\lib\object_detection\data_decoders\tf_example_decoder.py -> build\bdist.win-amd64\egg\object_detection\data_decoders
copying build\lib\object_detection\data_decoders\tf_example_decoder_test.py -> build\bdist.win-amd64\egg\object_detection\data_decoders
copying build\lib\object_detection\data_decoders\__init__.py -> build\bdist.win-amd64\egg\object_detection\data_decoders
copying build\lib\object_detection\eval_util.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\eval_util_test.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\exporter.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\exporter_test.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\export_inference_graph.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\export_tflite_ssd_graph.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\export_tflite_ssd_graph_lib.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\export_tflite_ssd_graph_lib_test.py -> build\bdist.win-amd64\egg\object_detection
creating build\bdist.win-amd64\egg\object_detection\inference
copying build\lib\object_detection\inference\detection_inference.py -> build\bdist.win-amd64\egg\object_detection\inference
copying build\lib\object_detection\inference\detection_inference_test.py -> build\bdist.win-amd64\egg\object_detection\inference
copying build\lib\object_detection\inference\infer_detections.py -> build\bdist.win-amd64\egg\object_detection\inference
copying build\lib\object_detection\inference\__init__.py -> build\bdist.win-amd64\egg\object_detection\inference
copying build\lib\object_detection\inputs.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\inputs_test.py -> build\bdist.win-amd64\egg\object_detection
creating build\bdist.win-amd64\egg\object_detection\legacy
copying build\lib\object_detection\legacy\eval.py -> build\bdist.win-amd64\egg\object_detection\legacy
copying build\lib\object_detection\legacy\evaluator.py -> build\bdist.win-amd64\egg\object_detection\legacy
copying build\lib\object_detection\legacy\train.py -> build\bdist.win-amd64\egg\object_detection\legacy
copying build\lib\object_detection\legacy\trainer.py -> build\bdist.win-amd64\egg\object_detection\legacy
copying build\lib\object_detection\legacy\trainer_test.py -> build\bdist.win-amd64\egg\object_detection\legacy
copying build\lib\object_detection\legacy\__init__.py -> build\bdist.win-amd64\egg\object_detection\legacy
creating build\bdist.win-amd64\egg\object_detection\matchers
copying build\lib\object_detection\matchers\argmax_matcher.py -> build\bdist.win-amd64\egg\object_detection\matchers
copying build\lib\object_detection\matchers\argmax_matcher_test.py -> build\bdist.win-amd64\egg\object_detection\matchers
copying build\lib\object_detection\matchers\bipartite_matcher.py -> build\bdist.win-amd64\egg\object_detection\matchers
copying build\lib\object_detection\matchers\bipartite_matcher_test.py -> build\bdist.win-amd64\egg\object_detection\matchers
copying build\lib\object_detection\matchers\__init__.py -> build\bdist.win-amd64\egg\object_detection\matchers
creating build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\faster_rcnn_meta_arch.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\faster_rcnn_meta_arch_test.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\faster_rcnn_meta_arch_test_lib.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\rfcn_meta_arch.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\rfcn_meta_arch_test.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\ssd_meta_arch.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\ssd_meta_arch_test.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\ssd_meta_arch_test_lib.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
copying build\lib\object_detection\meta_architectures\__init__.py -> build\bdist.win-amd64\egg\object_detection\meta_architectures
creating build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\calibration_evaluation.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\calibration_evaluation_test.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\calibration_metrics.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\calibration_metrics_test.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\coco_evaluation.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\coco_evaluation_test.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\coco_tools.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\coco_tools_test.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\io_utils.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\offline_eval_map_corloc.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\offline_eval_map_corloc_test.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\oid_challenge_evaluation.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\oid_challenge_evaluation_utils.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\oid_challenge_evaluation_utils_test.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\oid_vrd_challenge_evaluation.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\oid_vrd_challenge_evaluation_utils.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\oid_vrd_challenge_evaluation_utils_test.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\tf_example_parser.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\tf_example_parser_test.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\__init__.py -> build\bdist.win-amd64\egg\object_detection\metrics
creating build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\embedded_ssd_mobilenet_v1_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\embedded_ssd_mobilenet_v1_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_inception_resnet_v2_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_inception_resnet_v2_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_inception_resnet_v2_keras_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_inception_resnet_v2_keras_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_inception_v2_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_inception_v2_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_mobilenet_v1_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_mobilenet_v1_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_nas_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_nas_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_pnas_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_pnas_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_resnet_v1_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\faster_rcnn_resnet_v1_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\feature_map_generators.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\feature_map_generators_test.py -> build\bdist.win-amd64\egg\object_detection\models
creating build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\inception_resnet_v2.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\inception_resnet_v2_test.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\mobilenet_v1.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\mobilenet_v1_test.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\mobilenet_v2.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\mobilenet_v2_test.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\model_utils.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\resnet_v1.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\resnet_v1_test.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\test_utils.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\keras_models\__init__.py -> build\bdist.win-amd64\egg\object_detection\models\keras_models
copying build\lib\object_detection\models\ssd_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_inception_v2_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_inception_v2_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_inception_v3_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_inception_v3_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_edgetpu_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_edgetpu_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_edgetpu_feature_extractor_testbase.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v1_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v1_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v1_fpn_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v1_fpn_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v1_fpn_keras_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v1_keras_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v1_ppn_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v1_ppn_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v2_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v2_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v2_fpn_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v2_fpn_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v2_fpn_keras_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v2_keras_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v3_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v3_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_mobilenet_v3_feature_extractor_testbase.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_pnasnet_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_pnasnet_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_resnet_v1_fpn_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_resnet_v1_fpn_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_resnet_v1_fpn_feature_extractor_testbase.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_resnet_v1_fpn_keras_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_resnet_v1_ppn_feature_extractor.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_resnet_v1_ppn_feature_extractor_test.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\ssd_resnet_v1_ppn_feature_extractor_testbase.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\models\__init__.py -> build\bdist.win-amd64\egg\object_detection\models
copying build\lib\object_detection\model_hparams.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\model_lib.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\model_lib_test.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\model_lib_v2.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\model_lib_v2_test.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\model_main.py -> build\bdist.win-amd64\egg\object_detection
copying build\lib\object_detection\model_tpu_main.py -> build\bdist.win-amd64\egg\object_detection
creating build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\convolutional_box_predictor.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\convolutional_box_predictor_test.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\convolutional_keras_box_predictor.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\convolutional_keras_box_predictor_test.py -> build\bdist.win-amd64\egg\object_detection\predictors
creating build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\box_head.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\box_head_test.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\class_head.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\class_head_test.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\head.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\keras_box_head.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\keras_box_head_test.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\keras_class_head.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\keras_class_head_test.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\keras_mask_head.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\keras_mask_head_test.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\keypoint_head.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\keypoint_head_test.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\mask_head.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\mask_head_test.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\heads\__init__.py -> build\bdist.win-amd64\egg\object_detection\predictors\heads
copying build\lib\object_detection\predictors\mask_rcnn_box_predictor.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\mask_rcnn_box_predictor_test.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\mask_rcnn_keras_box_predictor.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\mask_rcnn_keras_box_predictor_test.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\rfcn_box_predictor.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\rfcn_box_predictor_test.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\rfcn_keras_box_predictor.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\rfcn_keras_box_predictor_test.py -> build\bdist.win-amd64\egg\object_detection\predictors
copying build\lib\object_detection\predictors\__init__.py -> build\bdist.win-amd64\egg\object_detection\predictors
creating build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\__init__.py -> build\bdist.win-amd64\egg\object_detection\protos
creating build\bdist.win-amd64\egg\object_detection\tpu_exporters
copying build\lib\object_detection\tpu_exporters\export_saved_model_tpu.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters
copying build\lib\object_detection\tpu_exporters\export_saved_model_tpu_lib.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters
copying build\lib\object_detection\tpu_exporters\export_saved_model_tpu_lib_test.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters
copying build\lib\object_detection\tpu_exporters\faster_rcnn.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters
copying build\lib\object_detection\tpu_exporters\ssd.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters
creating build\bdist.win-amd64\egg\object_detection\tpu_exporters\testdata
copying build\lib\object_detection\tpu_exporters\testdata\__init__.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters\testdata
copying build\lib\object_detection\tpu_exporters\utils.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters
copying build\lib\object_detection\tpu_exporters\utils_test.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters
copying build\lib\object_detection\tpu_exporters\__init__.py -> build\bdist.win-amd64\egg\object_detection\tpu_exporters
creating build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\autoaugment_utils.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\category_util.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\category_util_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\config_util.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\config_util_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\context_manager.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\context_manager_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\dataset_util.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\dataset_util_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\json_utils.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\json_utils_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\label_map_util.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\label_map_util_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\learning_schedules.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\learning_schedules_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\metrics.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\metrics_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\model_util.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\model_util_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_list.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_list_ops.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_list_ops_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_list_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_mask_list.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_mask_list_ops.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_mask_list_ops_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_mask_list_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_ops.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_box_ops_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_mask_ops.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\np_mask_ops_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\object_detection_evaluation.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\object_detection_evaluation_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\ops.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\ops_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\patch_ops.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\patch_ops_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\per_image_evaluation.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\per_image_evaluation_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\per_image_vrd_evaluation.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\per_image_vrd_evaluation_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\shape_utils.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\shape_utils_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\spatial_transform_ops.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\spatial_transform_ops_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\static_shape.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\static_shape_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\test_case.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\test_utils.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\test_utils_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\variables_helper.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\variables_helper_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\visualization_utils.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\visualization_utils_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\vrd_evaluation.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\vrd_evaluation_test.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\utils\__init__.py -> build\bdist.win-amd64\egg\object_detection\utils
copying build\lib\object_detection\__init__.py -> build\bdist.win-amd64\egg\object_detection
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\flexible_grid_anchor_generator.py to flexible_grid_anchor_generator.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\flexible_grid_anchor_generator_test.py to flexible_grid_anchor_generator_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\grid_anchor_generator.py to grid_anchor_generator.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\grid_anchor_generator_test.py to grid_anchor_generator_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\multiple_grid_anchor_generator.py to multiple_grid_anchor_generator.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\multiple_grid_anchor_generator_test.py to multiple_grid_anchor_generator_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\multiscale_grid_anchor_generator.py to multiscale_grid_anchor_generator.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\multiscale_grid_anchor_generator_test.py to multiscale_grid_anchor_generator_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\anchor_generators\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\faster_rcnn_box_coder.py to faster_rcnn_box_coder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\faster_rcnn_box_coder_test.py to faster_rcnn_box_coder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\keypoint_box_coder.py to keypoint_box_coder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\keypoint_box_coder_test.py to keypoint_box_coder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\mean_stddev_box_coder.py to mean_stddev_box_coder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\mean_stddev_box_coder_test.py to mean_stddev_box_coder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\square_box_coder.py to square_box_coder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\square_box_coder_test.py to square_box_coder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\box_coders\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\anchor_generator_builder.py to anchor_generator_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\anchor_generator_builder_test.py to anchor_generator_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\box_coder_builder.py to box_coder_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\box_coder_builder_test.py to box_coder_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\box_predictor_builder.py to box_predictor_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\box_predictor_builder_test.py to box_predictor_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\calibration_builder.py to calibration_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\calibration_builder_test.py to calibration_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\dataset_builder.py to dataset_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\dataset_builder_test.py to dataset_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\graph_rewriter_builder.py to graph_rewriter_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\graph_rewriter_builder_test.py to graph_rewriter_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\hyperparams_builder.py to hyperparams_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\hyperparams_builder_test.py to hyperparams_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\image_resizer_builder.py to image_resizer_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\image_resizer_builder_test.py to image_resizer_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\input_reader_builder.py to input_reader_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\input_reader_builder_test.py to input_reader_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\losses_builder.py to losses_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\losses_builder_test.py to losses_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\matcher_builder.py to matcher_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\matcher_builder_test.py to matcher_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\model_builder.py to model_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\model_builder_test.py to model_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\optimizer_builder.py to optimizer_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\optimizer_builder_test.py to optimizer_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\post_processing_builder.py to post_processing_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\post_processing_builder_test.py to post_processing_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\preprocessor_builder.py to preprocessor_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\preprocessor_builder_test.py to preprocessor_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\region_similarity_calculator_builder.py to region_similarity_calculator_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\region_similarity_calculator_builder_test.py to region_similarity_calculator_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\target_assigner_builder.py to target_assigner_builder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\target_assigner_builder_test.py to target_assigner_builder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\builders\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\anchor_generator.py to anchor_generator.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\balanced_positive_negative_sampler.py to balanced_positive_negative_sampler.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\balanced_positive_negative_sampler_test.py to balanced_positive_negative_sampler_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\batcher.py to batcher.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\batcher_test.py to batcher_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\batch_multiclass_nms_test.py to batch_multiclass_nms_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\box_coder.py to box_coder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\box_coder_test.py to box_coder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\box_list.py to box_list.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\box_list_ops.py to box_list_ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\box_list_ops_test.py to box_list_ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\box_list_test.py to box_list_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\box_predictor.py to box_predictor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\class_agnostic_nms_test.py to class_agnostic_nms_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\data_decoder.py to data_decoder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\data_parser.py to data_parser.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\freezable_batch_norm.py to freezable_batch_norm.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\freezable_batch_norm_test.py to freezable_batch_norm_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\keypoint_ops.py to keypoint_ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\keypoint_ops_test.py to keypoint_ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\losses.py to losses.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\losses_test.py to losses_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\matcher.py to matcher.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\matcher_test.py to matcher_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\minibatch_sampler.py to minibatch_sampler.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\minibatch_sampler_test.py to minibatch_sampler_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\model.py to model.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\multiclass_nms_test.py to multiclass_nms_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\post_processing.py to post_processing.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\prefetcher.py to prefetcher.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\prefetcher_test.py to prefetcher_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\preprocessor.py to preprocessor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\preprocessor_cache.py to preprocessor_cache.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\preprocessor_test.py to preprocessor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\region_similarity_calculator.py to region_similarity_calculator.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\region_similarity_calculator_test.py to region_similarity_calculator_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\standard_fields.py to standard_fields.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\target_assigner.py to target_assigner.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\target_assigner_test.py to target_assigner_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\create_coco_tf_record.py to create_coco_tf_record.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\create_coco_tf_record_test.py to create_coco_tf_record_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\create_kitti_tf_record.py to create_kitti_tf_record.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\create_kitti_tf_record_test.py to create_kitti_tf_record_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\create_oid_tf_record.py to create_oid_tf_record.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\create_pascal_tf_record.py to create_pascal_tf_record.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\create_pascal_tf_record_test.py to create_pascal_tf_record_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\create_pet_tf_record.py to create_pet_tf_record.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\oid_hierarchical_labels_expansion.py to oid_hierarchical_labels_expansion.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\oid_hierarchical_labels_expansion_test.py to oid_hierarchical_labels_expansion_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\oid_tfrecord_creation.py to oid_tfrecord_creation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\oid_tfrecord_creation_test.py to oid_tfrecord_creation_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\tf_record_creation_util.py to tf_record_creation_util.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\tf_record_creation_util_test.py to tf_record_creation_util_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\dataset_tools\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\data_decoders\tf_example_decoder.py to tf_example_decoder.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\data_decoders\tf_example_decoder_test.py to tf_example_decoder_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\data_decoders\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\eval_util.py to eval_util.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\eval_util_test.py to eval_util_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\exporter.py to exporter.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\exporter_test.py to exporter_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\export_inference_graph.py to export_inference_graph.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\export_tflite_ssd_graph.py to export_tflite_ssd_graph.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\export_tflite_ssd_graph_lib.py to export_tflite_ssd_graph_lib.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\export_tflite_ssd_graph_lib_test.py to export_tflite_ssd_graph_lib_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\inference\detection_inference.py to detection_inference.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\inference\detection_inference_test.py to detection_inference_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\inference\infer_detections.py to infer_detections.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\inference\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\inputs.py to inputs.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\inputs_test.py to inputs_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\legacy\eval.py to eval.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\legacy\evaluator.py to evaluator.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\legacy\train.py to train.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\legacy\trainer.py to trainer.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\legacy\trainer_test.py to trainer_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\legacy\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\matchers\argmax_matcher.py to argmax_matcher.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\matchers\argmax_matcher_test.py to argmax_matcher_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\matchers\bipartite_matcher.py to bipartite_matcher.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\matchers\bipartite_matcher_test.py to bipartite_matcher_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\matchers\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\faster_rcnn_meta_arch.py to faster_rcnn_meta_arch.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\faster_rcnn_meta_arch_test.py to faster_rcnn_meta_arch_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\faster_rcnn_meta_arch_test_lib.py to faster_rcnn_meta_arch_test_lib.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\rfcn_meta_arch.py to rfcn_meta_arch.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\rfcn_meta_arch_test.py to rfcn_meta_arch_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\ssd_meta_arch.py to ssd_meta_arch.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\ssd_meta_arch_test.py to ssd_meta_arch_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\ssd_meta_arch_test_lib.py to ssd_meta_arch_test_lib.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\meta_architectures\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\calibration_evaluation.py to calibration_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\calibration_evaluation_test.py to calibration_evaluation_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\calibration_metrics.py to calibration_metrics.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\calibration_metrics_test.py to calibration_metrics_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\coco_evaluation.py to coco_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\coco_evaluation_test.py to coco_evaluation_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\coco_tools.py to coco_tools.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\coco_tools_test.py to coco_tools_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\io_utils.py to io_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\offline_eval_map_corloc.py to offline_eval_map_corloc.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\offline_eval_map_corloc_test.py to offline_eval_map_corloc_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\oid_challenge_evaluation.py to oid_challenge_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\oid_challenge_evaluation_utils.py to oid_challenge_evaluation_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\oid_challenge_evaluation_utils_test.py to oid_challenge_evaluation_utils_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\oid_vrd_challenge_evaluation.py to oid_vrd_challenge_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\oid_vrd_challenge_evaluation_utils.py to oid_vrd_challenge_evaluation_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\oid_vrd_challenge_evaluation_utils_test.py to oid_vrd_challenge_evaluation_utils_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\tf_example_parser.py to tf_example_parser.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\tf_example_parser_test.py to tf_example_parser_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\embedded_ssd_mobilenet_v1_feature_extractor.py to embedded_ssd_mobilenet_v1_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\embedded_ssd_mobilenet_v1_feature_extractor_test.py to embedded_ssd_mobilenet_v1_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_inception_resnet_v2_feature_extractor.py to faster_rcnn_inception_resnet_v2_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_inception_resnet_v2_feature_extractor_test.py to faster_rcnn_inception_resnet_v2_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_inception_resnet_v2_keras_feature_extractor.py to faster_rcnn_inception_resnet_v2_keras_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_inception_resnet_v2_keras_feature_extractor_test.py to faster_rcnn_inception_resnet_v2_keras_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_inception_v2_feature_extractor.py to faster_rcnn_inception_v2_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_inception_v2_feature_extractor_test.py to faster_rcnn_inception_v2_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_mobilenet_v1_feature_extractor.py to faster_rcnn_mobilenet_v1_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_mobilenet_v1_feature_extractor_test.py to faster_rcnn_mobilenet_v1_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_nas_feature_extractor.py to faster_rcnn_nas_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_nas_feature_extractor_test.py to faster_rcnn_nas_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_pnas_feature_extractor.py to faster_rcnn_pnas_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_pnas_feature_extractor_test.py to faster_rcnn_pnas_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_resnet_v1_feature_extractor.py to faster_rcnn_resnet_v1_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\faster_rcnn_resnet_v1_feature_extractor_test.py to faster_rcnn_resnet_v1_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\feature_map_generators.py to feature_map_generators.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\feature_map_generators_test.py to feature_map_generators_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\inception_resnet_v2.py to inception_resnet_v2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\inception_resnet_v2_test.py to inception_resnet_v2_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\mobilenet_v1.py to mobilenet_v1.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\mobilenet_v1_test.py to mobilenet_v1_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\mobilenet_v2.py to mobilenet_v2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\mobilenet_v2_test.py to mobilenet_v2_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\model_utils.py to model_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\resnet_v1.py to resnet_v1.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\resnet_v1_test.py to resnet_v1_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\test_utils.py to test_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_models\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_feature_extractor_test.py to ssd_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_inception_v2_feature_extractor.py to ssd_inception_v2_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_inception_v2_feature_extractor_test.py to ssd_inception_v2_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_inception_v3_feature_extractor.py to ssd_inception_v3_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_inception_v3_feature_extractor_test.py to ssd_inception_v3_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_edgetpu_feature_extractor.py to ssd_mobilenet_edgetpu_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_edgetpu_feature_extractor_test.py to ssd_mobilenet_edgetpu_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_edgetpu_feature_extractor_testbase.py to ssd_mobilenet_edgetpu_feature_extractor_testbase.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v1_feature_extractor.py to ssd_mobilenet_v1_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v1_feature_extractor_test.py to ssd_mobilenet_v1_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v1_fpn_feature_extractor.py to ssd_mobilenet_v1_fpn_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v1_fpn_feature_extractor_test.py to ssd_mobilenet_v1_fpn_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v1_fpn_keras_feature_extractor.py to ssd_mobilenet_v1_fpn_keras_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v1_keras_feature_extractor.py to ssd_mobilenet_v1_keras_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v1_ppn_feature_extractor.py to ssd_mobilenet_v1_ppn_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v1_ppn_feature_extractor_test.py to ssd_mobilenet_v1_ppn_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v2_feature_extractor.py to ssd_mobilenet_v2_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v2_feature_extractor_test.py to ssd_mobilenet_v2_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v2_fpn_feature_extractor.py to ssd_mobilenet_v2_fpn_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v2_fpn_feature_extractor_test.py to ssd_mobilenet_v2_fpn_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v2_fpn_keras_feature_extractor.py to ssd_mobilenet_v2_fpn_keras_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v2_keras_feature_extractor.py to ssd_mobilenet_v2_keras_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v3_feature_extractor.py to ssd_mobilenet_v3_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v3_feature_extractor_test.py to ssd_mobilenet_v3_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_mobilenet_v3_feature_extractor_testbase.py to ssd_mobilenet_v3_feature_extractor_testbase.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_pnasnet_feature_extractor.py to ssd_pnasnet_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_pnasnet_feature_extractor_test.py to ssd_pnasnet_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_resnet_v1_fpn_feature_extractor.py to ssd_resnet_v1_fpn_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_resnet_v1_fpn_feature_extractor_test.py to ssd_resnet_v1_fpn_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_resnet_v1_fpn_feature_extractor_testbase.py to ssd_resnet_v1_fpn_feature_extractor_testbase.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_resnet_v1_fpn_keras_feature_extractor.py to ssd_resnet_v1_fpn_keras_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_resnet_v1_ppn_feature_extractor.py to ssd_resnet_v1_ppn_feature_extractor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_resnet_v1_ppn_feature_extractor_test.py to ssd_resnet_v1_ppn_feature_extractor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\ssd_resnet_v1_ppn_feature_extractor_testbase.py to ssd_resnet_v1_ppn_feature_extractor_testbase.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\model_hparams.py to model_hparams.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\model_lib.py to model_lib.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\model_lib_test.py to model_lib_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\model_lib_v2.py to model_lib_v2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\model_lib_v2_test.py to model_lib_v2_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\model_main.py to model_main.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\model_tpu_main.py to model_tpu_main.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\convolutional_box_predictor.py to convolutional_box_predictor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\convolutional_box_predictor_test.py to convolutional_box_predictor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\convolutional_keras_box_predictor.py to convolutional_keras_box_predictor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\convolutional_keras_box_predictor_test.py to convolutional_keras_box_predictor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\box_head.py to box_head.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\box_head_test.py to box_head_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\class_head.py to class_head.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\class_head_test.py to class_head_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\head.py to head.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\keras_box_head.py to keras_box_head.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\keras_box_head_test.py to keras_box_head_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\keras_class_head.py to keras_class_head.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\keras_class_head_test.py to keras_class_head_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\keras_mask_head.py to keras_mask_head.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\keras_mask_head_test.py to keras_mask_head_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\keypoint_head.py to keypoint_head.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\keypoint_head_test.py to keypoint_head_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\mask_head.py to mask_head.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\mask_head_test.py to mask_head_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\heads\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\mask_rcnn_box_predictor.py to mask_rcnn_box_predictor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\mask_rcnn_box_predictor_test.py to mask_rcnn_box_predictor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\mask_rcnn_keras_box_predictor.py to mask_rcnn_keras_box_predictor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\mask_rcnn_keras_box_predictor_test.py to mask_rcnn_keras_box_predictor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\rfcn_box_predictor.py to rfcn_box_predictor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\rfcn_box_predictor_test.py to rfcn_box_predictor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\rfcn_keras_box_predictor.py to rfcn_keras_box_predictor.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\rfcn_keras_box_predictor_test.py to rfcn_keras_box_predictor_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\predictors\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\export_saved_model_tpu.py to export_saved_model_tpu.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\export_saved_model_tpu_lib.py to export_saved_model_tpu_lib.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\export_saved_model_tpu_lib_test.py to export_saved_model_tpu_lib_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\faster_rcnn.py to faster_rcnn.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\ssd.py to ssd.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\testdata\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\utils.py to utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\utils_test.py to utils_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\tpu_exporters\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\autoaugment_utils.py to autoaugment_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\category_util.py to category_util.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\category_util_test.py to category_util_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\config_util.py to config_util.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\config_util_test.py to config_util_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\context_manager.py to context_manager.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\context_manager_test.py to context_manager_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\dataset_util.py to dataset_util.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\dataset_util_test.py to dataset_util_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\json_utils.py to json_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\json_utils_test.py to json_utils_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\label_map_util.py to label_map_util.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\label_map_util_test.py to label_map_util_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\learning_schedules.py to learning_schedules.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\learning_schedules_test.py to learning_schedules_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\metrics.py to metrics.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\metrics_test.py to metrics_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\model_util.py to model_util.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\model_util_test.py to model_util_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_list.py to np_box_list.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_list_ops.py to np_box_list_ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_list_ops_test.py to np_box_list_ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_list_test.py to np_box_list_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_mask_list.py to np_box_mask_list.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_mask_list_ops.py to np_box_mask_list_ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_mask_list_ops_test.py to np_box_mask_list_ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_mask_list_test.py to np_box_mask_list_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_ops.py to np_box_ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_box_ops_test.py to np_box_ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_mask_ops.py to np_mask_ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\np_mask_ops_test.py to np_mask_ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\object_detection_evaluation.py to object_detection_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\object_detection_evaluation_test.py to object_detection_evaluation_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\ops.py to ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\ops_test.py to ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\patch_ops.py to patch_ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\patch_ops_test.py to patch_ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\per_image_evaluation.py to per_image_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\per_image_evaluation_test.py to per_image_evaluation_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\per_image_vrd_evaluation.py to per_image_vrd_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\per_image_vrd_evaluation_test.py to per_image_vrd_evaluation_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\shape_utils.py to shape_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\shape_utils_test.py to shape_utils_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\spatial_transform_ops.py to spatial_transform_ops.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\spatial_transform_ops_test.py to spatial_transform_ops_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\static_shape.py to static_shape.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\static_shape_test.py to static_shape_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\test_case.py to test_case.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\test_utils.py to test_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\test_utils_test.py to test_utils_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\variables_helper.py to variables_helper.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\variables_helper_test.py to variables_helper_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\visualization_utils.py to visualization_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\visualization_utils_test.py to visualization_utils_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\vrd_evaluation.py to vrd_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\vrd_evaluation_test.py to vrd_evaluation_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\utils\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\__init__.py to __init__.cpython-36.pyc
creating build\bdist.win-amd64\egg\EGG-INFO
copying object_detection.egg-info\PKG-INFO -> build\bdist.win-amd64\egg\EGG-INFO
copying object_detection.egg-info\SOURCES.txt -> build\bdist.win-amd64\egg\EGG-INFO
copying object_detection.egg-info\dependency_links.txt -> build\bdist.win-amd64\egg\EGG-INFO
copying object_detection.egg-info\requires.txt -> build\bdist.win-amd64\egg\EGG-INFO
copying object_detection.egg-info\top_level.txt -> build\bdist.win-amd64\egg\EGG-INFO
zip_safe flag not set; analyzing archive contents...
object_detection.core.__pycache__.preprocessor.cpython-36: module MAY be using inspect.stack
object_detection.utils.__pycache__.autoaugment_utils.cpython-36: module MAY be using inspect.stack
creating dist
creating 'dist\object_detection-0.1-py3.6.egg' and adding 'build\bdist.win-amd64\egg' to it
removing 'build\bdist.win-amd64\egg' (and everything under it)
Processing object_detection-0.1-py3.6.egg
creating n:\anaconda3\install\envs\zhouying\lib\site-packages\object_detection-0.1-py3.6.egg
Extracting object_detection-0.1-py3.6.egg to n:\anaconda3\install\envs\zhouying\lib\site-packages
Adding object-detection 0.1 to easy-install.pth file

Installed n:\anaconda3\install\envs\zhouying\lib\site-packages\object_detection-0.1-py3.6.egg
Processing dependencies for object-detection==0.1
Searching for Cython>=0.28.1
Reading https://pypi.org/simple/Cython/
Downloading https://files.pythonhosted.org/packages/d4/ad/9ebf6d2edcf9678c2ff6b7eaee6ff2edc0b11a4f484417ed604ee9bb7e92/Cython-0.29.16-py2.py3-none-any.whl#sha256=772c13250aea33ac17eb042544b310f0dc3862bbde49b334f5c12f7d1b627476
Best match: Cython 0.29.16
Processing Cython-0.29.16-py2.py3-none-any.whl
Installing Cython-0.29.16-py2.py3-none-any.whl to n:\anaconda3\install\envs\zhouying\lib\site-packages
Adding Cython 0.29.16 to easy-install.pth file
Installing cygdb-script.py script to N:\Anaconda3\install\envs\zhouying\Scripts
Installing cygdb.exe script to N:\Anaconda3\install\envs\zhouying\Scripts
Installing cython-script.py script to N:\Anaconda3\install\envs\zhouying\Scripts
Installing cython.exe script to N:\Anaconda3\install\envs\zhouying\Scripts
Installing cythonize-script.py script to N:\Anaconda3\install\envs\zhouying\Scripts
Installing cythonize.exe script to N:\Anaconda3\install\envs\zhouying\Scripts

Installed n:\anaconda3\install\envs\zhouying\lib\site-packages\cython-0.29.16-py3.6.egg
Searching for Matplotlib>=2.1
Reading https://pypi.org/simple/Matplotlib/
Downloading https://files.pythonhosted.org/packages/59/77/7a13ef25b0503311d8603074959c129cd60ef0eb26979aba7a7ed5b9e792/matplotlib-3.2.1-cp36-cp36m-win_amd64.whl#sha256=f4412241e32d0f8d3713b68d3ca6430190a5e8a7c070f1c07d7833d8c5264398
Best match: matplotlib 3.2.1
Processing matplotlib-3.2.1-cp36-cp36m-win_amd64.whl
Installing matplotlib-3.2.1-cp36-cp36m-win_amd64.whl to n:\anaconda3\install\envs\zhouying\lib\site-packages
Adding matplotlib 3.2.1 to easy-install.pth file

Installed n:\anaconda3\install\envs\zhouying\lib\site-packages\matplotlib-3.2.1-py3.6-win-amd64.egg
Searching for Pillow>=1.0
Reading https://pypi.org/simple/Pillow/
Downloading https://files.pythonhosted.org/packages/28/d2/46a6e1911456badfa1c58a047f1a2b0374c45e2dd8c3b74f8d133326aa32/Pillow-7.1.1-cp36-cp36m-win_amd64.whl#sha256=251e5618125ec12ac800265d7048f5857a8f8f1979db9ea3e11382e159d17f68
Best match: Pillow 7.1.1
Processing Pillow-7.1.1-cp36-cp36m-win_amd64.whl
Installing Pillow-7.1.1-cp36-cp36m-win_amd64.whl to n:\anaconda3\install\envs\zhouying\lib\site-packages
Adding Pillow 7.1.1 to easy-install.pth file

Installed n:\anaconda3\install\envs\zhouying\lib\site-packages\pillow-7.1.1-py3.6-win-amd64.egg
Searching for python-dateutil>=2.1
Reading https://pypi.org/simple/python-dateutil/
Downloading https://files.pythonhosted.org/packages/d4/70/d60450c3dd48ef87586924207ae8907090de0b306af2bce5d134d78615cb/python_dateutil-2.8.1-py2.py3-none-any.whl#sha256=75bb3f31ea686f1197762692a9ee6a7550b59fc6ca3a1f4b5d7e32fb98e2da2a
Best match: python-dateutil 2.8.1
Processing python_dateutil-2.8.1-py2.py3-none-any.whl
Installing python_dateutil-2.8.1-py2.py3-none-any.whl to n:\anaconda3\install\envs\zhouying\lib\site-packages
Adding python-dateutil 2.8.1 to easy-install.pth file

Installed n:\anaconda3\install\envs\zhouying\lib\site-packages\python_dateutil-2.8.1-py3.6.egg
Searching for pyparsing!=2.0.4,!=2.1.2,!=2.1.6,>=2.0.1
Reading https://pypi.org/simple/pyparsing/
Downloading https://files.pythonhosted.org/packages/a4/9f/868e59e76cbeea46fe5b49197412f0b58fb975eec0bc16d567b8454c1a6f/pyparsing-3.0.0a1-py3-none-any.whl#sha256=67199f0c41a9c702154efb0e7a8cc08accf830eb003b4d9fa42c4059002e2492
Best match: pyparsing 3.0.0a1
Processing pyparsing-3.0.0a1-py3-none-any.whl
Installing pyparsing-3.0.0a1-py3-none-any.whl to n:\anaconda3\install\envs\zhouying\lib\site-packages
Adding pyparsing 3.0.0a1 to easy-install.pth file

Installed n:\anaconda3\install\envs\zhouying\lib\site-packages\pyparsing-3.0.0a1-py3.6.egg
Searching for kiwisolver>=1.0.1
Reading https://pypi.org/simple/kiwisolver/
Downloading https://files.pythonhosted.org/packages/2a/1e/f53031838c75cef71086ab7fc0dea1853d811ba3ec72465d782877223f09/kiwisolver-1.2.0-cp36-none-win_amd64.whl#sha256=556da0a5f60f6486ec4969abbc1dd83cf9b5c2deadc8288508e55c0f5f87d29c
Best match: kiwisolver 1.2.0
Processing kiwisolver-1.2.0-cp36-none-win_amd64.whl
Installing kiwisolver-1.2.0-cp36-none-win_amd64.whl to n:\anaconda3\install\envs\zhouying\lib\site-packages
Adding kiwisolver 1.2.0 to easy-install.pth file

Installed n:\anaconda3\install\envs\zhouying\lib\site-packages\kiwisolver-1.2.0-py3.6-win-amd64.egg
Searching for cycler>=0.10
Reading https://pypi.org/simple/cycler/
Downloading https://files.pythonhosted.org/packages/f7/d2/e07d3ebb2bd7af696440ce7e754c59dd546ffe1bbe732c8ab68b9c834e61/cycler-0.10.0-py2.py3-none-any.whl#sha256=1d8a5ae1ff6c5cf9b93e8811e581232ad8920aeec647c37316ceac982b08cb2d
Best match: cycler 0.10.0
Processing cycler-0.10.0-py2.py3-none-any.whl
Installing cycler-0.10.0-py2.py3-none-any.whl to n:\anaconda3\install\envs\zhouying\lib\site-packages
Adding cycler 0.10.0 to easy-install.pth file

Installed n:\anaconda3\install\envs\zhouying\lib\site-packages\cycler-0.10.0-py3.6.egg
Searching for numpy==1.18.2
Best match: numpy 1.18.2
Adding numpy 1.18.2 to easy-install.pth file
Installing f2py-script.py script to N:\Anaconda3\install\envs\zhouying\Scripts
Installing f2py.exe script to N:\Anaconda3\install\envs\zhouying\Scripts

Using n:\anaconda3\install\envs\zhouying\lib\site-packages
Searching for six==1.14.0
Best match: six 1.14.0
Adding six 1.14.0 to easy-install.pth file

Using n:\anaconda3\install\envs\zhouying\lib\site-packages
Finished processing dependencies for object-detection==0.1

(zhouying) F:\TensorflowProject\ObjectDetection\models-master\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-master\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-master\research>

posted @ 2020-04-09 10:42  西北逍遥  阅读(323)  评论(0编辑  收藏  举报