Anaconda ObjectDetection 配置日志
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>python setup.py build
running build
running build_py
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_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\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\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\__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\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\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\post_processing.py -> build\lib\object_detection\core
copying object_detection\core\post_processing_test.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\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_od_challenge_evaluation.py -> build\lib\object_detection\metrics
copying object_detection\metrics\oid_od_challenge_evaluation_utils.py -> build\lib\object_detection\metrics
copying object_detection\metrics\oid_od_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_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_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_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_keras_feature_extractor.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_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\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\__init__.py -> build\lib\object_detection\predictors
creating build\lib\object_detection\protos
copying object_detection\protos\anchor_generator_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\argmax_matcher_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\bipartite_matcher_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\box_coder_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\box_predictor_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\eval_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\faster_rcnn_box_coder_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\faster_rcnn_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\graph_rewriter_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\grid_anchor_generator_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\hyperparams_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\image_resizer_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\input_reader_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\keypoint_box_coder_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\losses_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\matcher_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\mean_stddev_box_coder_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\model_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\multiscale_anchor_generator_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\optimizer_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\pipeline_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\post_processing_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\preprocessor_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\region_similarity_calculator_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\square_box_coder_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\ssd_anchor_generator_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\ssd_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\string_int_label_map_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\train_pb2.py -> build\lib\object_detection\protos
copying object_detection\protos\__init__.py -> build\lib\object_detection\protos
creating 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\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\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\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_applications
copying object_detection\models\keras_applications\mobilenet_v2.py -> build\lib\object_detection\models\keras_applications
copying object_detection\models\keras_applications\mobilenet_v2_test.py -> build\lib\object_detection\models\keras_applications
copying object_detection\models\keras_applications\__init__.py -> build\lib\object_detection\models\keras_applications
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
running 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
reading manifest file 'object_detection.egg-info\SOURCES.txt'
writing manifest file 'object_detection.egg-info\SOURCES.txt'
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>python setup.py install
running install
running bdist_egg
running 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
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\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\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\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\__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\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\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\post_processing.py -> build\bdist.win-amd64\egg\object_detection\core
copying build\lib\object_detection\core\post_processing_test.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\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_od_challenge_evaluation.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\oid_od_challenge_evaluation_utils.py -> build\bdist.win-amd64\egg\object_detection\metrics
copying build\lib\object_detection\metrics\oid_od_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_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_applications
copying build\lib\object_detection\models\keras_applications\mobilenet_v2.py -> build\bdist.win-amd64\egg\object_detection\models\keras_applications
copying build\lib\object_detection\models\keras_applications\mobilenet_v2_test.py -> build\bdist.win-amd64\egg\object_detection\models\keras_applications
copying build\lib\object_detection\models\keras_applications\__init__.py -> build\bdist.win-amd64\egg\object_detection\models\keras_applications
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_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_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_keras_feature_extractor.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_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_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\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\__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\anchor_generator_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\argmax_matcher_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\bipartite_matcher_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\box_coder_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\box_predictor_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\eval_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\faster_rcnn_box_coder_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\faster_rcnn_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\graph_rewriter_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\grid_anchor_generator_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\hyperparams_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\image_resizer_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\input_reader_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\keypoint_box_coder_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\losses_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\matcher_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\mean_stddev_box_coder_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\model_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\multiscale_anchor_generator_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\optimizer_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\pipeline_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\post_processing_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\preprocessor_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\region_similarity_calculator_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\square_box_coder_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\ssd_anchor_generator_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\ssd_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\string_int_label_map_pb2.py -> build\bdist.win-amd64\egg\object_detection\protos
copying build\lib\object_detection\protos\train_pb2.py -> 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\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\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\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\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\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\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\__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\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\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\post_processing.py to post_processing.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\core\post_processing_test.py to post_processing_test.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
File "build\bdist.win-amd64\egg\object_detection\dataset_tools\oid_hierarchical_labels_expansion.py", line 157
print '--annotation_type expected value is 1 or 2.'
^
SyntaxError: Missing parentheses in call to 'print'. Did you mean print('--annotation_type expected value is 1 or 2.')?
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\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_od_challenge_evaluation.py to oid_od_challenge_evaluation.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\oid_od_challenge_evaluation_utils.py to oid_od_challenge_evaluation_utils.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\metrics\oid_od_challenge_evaluation_utils_test.py to oid_od_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_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_applications\mobilenet_v2.py to mobilenet_v2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_applications\mobilenet_v2_test.py to mobilenet_v2_test.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\models\keras_applications\__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_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_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_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_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_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_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\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\__init__.py to __init__.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\anchor_generator_pb2.py to anchor_generator_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\argmax_matcher_pb2.py to argmax_matcher_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\bipartite_matcher_pb2.py to bipartite_matcher_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\box_coder_pb2.py to box_coder_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\box_predictor_pb2.py to box_predictor_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\eval_pb2.py to eval_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\faster_rcnn_box_coder_pb2.py to faster_rcnn_box_coder_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\faster_rcnn_pb2.py to faster_rcnn_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\graph_rewriter_pb2.py to graph_rewriter_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\grid_anchor_generator_pb2.py to grid_anchor_generator_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\hyperparams_pb2.py to hyperparams_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\image_resizer_pb2.py to image_resizer_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\input_reader_pb2.py to input_reader_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\keypoint_box_coder_pb2.py to keypoint_box_coder_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\losses_pb2.py to losses_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\matcher_pb2.py to matcher_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\mean_stddev_box_coder_pb2.py to mean_stddev_box_coder_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\model_pb2.py to model_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\multiscale_anchor_generator_pb2.py to multiscale_anchor_generator_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\optimizer_pb2.py to optimizer_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\pipeline_pb2.py to pipeline_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\post_processing_pb2.py to post_processing_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\preprocessor_pb2.py to preprocessor_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\region_similarity_calculator_pb2.py to region_similarity_calculator_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\square_box_coder_pb2.py to square_box_coder_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\ssd_anchor_generator_pb2.py to ssd_anchor_generator_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\ssd_pb2.py to ssd_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\string_int_label_map_pb2.py to string_int_label_map_pb2.cpython-36.pyc
byte-compiling build\bdist.win-amd64\egg\object_detection\protos\train_pb2.py to train_pb2.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\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\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\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\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
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
removing 'n:\anaconda3\install\envs\zhouying\lib\site-packages\object_detection-0.1-py3.6.egg' (and everything under it)
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
File "n:\anaconda3\install\envs\zhouying\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\dataset_tools\oid_hierarchical_labels_expansion.py", line 157
print '--annotation_type expected value is 1 or 2.'
^
SyntaxError: Missing parentheses in call to 'print'. Did you mean print('--annotation_type expected value is 1 or 2.')?
object-detection 0.1 is already the active version in easy-install.pth
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.29.16
Best match: cython 0.29.16
Processing cython-0.29.16-py3.6.egg
cython 0.29.16 is already the active version in easy-install.pth
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
Using n:\anaconda3\install\envs\zhouying\lib\site-packages\cython-0.29.16-py3.6.egg
Searching for matplotlib==3.2.1
Best match: matplotlib 3.2.1
Processing matplotlib-3.2.1-py3.6-win-amd64.egg
matplotlib 3.2.1 is already the active version in easy-install.pth
Using n:\anaconda3\install\envs\zhouying\lib\site-packages\matplotlib-3.2.1-py3.6-win-amd64.egg
Searching for pillow==7.1.1
Best match: pillow 7.1.1
Processing pillow-7.1.1-py3.6-win-amd64.egg
pillow 7.1.1 is already the active version in easy-install.pth
Using n:\anaconda3\install\envs\zhouying\lib\site-packages\pillow-7.1.1-py3.6-win-amd64.egg
Searching for python-dateutil==2.8.1
Best match: python-dateutil 2.8.1
Processing python_dateutil-2.8.1-py3.6.egg
python-dateutil 2.8.1 is already the active version in easy-install.pth
Using n:\anaconda3\install\envs\zhouying\lib\site-packages\python_dateutil-2.8.1-py3.6.egg
Searching for pyparsing==3.0.0a1
Best match: pyparsing 3.0.0a1
Processing pyparsing-3.0.0a1-py3.6.egg
pyparsing 3.0.0a1 is already the active version in easy-install.pth
Using n:\anaconda3\install\envs\zhouying\lib\site-packages\pyparsing-3.0.0a1-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 kiwisolver==1.2.0
Best match: kiwisolver 1.2.0
Processing kiwisolver-1.2.0-py3.6-win-amd64.egg
kiwisolver 1.2.0 is already the active version in easy-install.pth
Using n:\anaconda3\install\envs\zhouying\lib\site-packages\kiwisolver-1.2.0-py3.6-win-amd64.egg
Searching for cycler==0.10.0
Best match: cycler 0.10.0
Processing cycler-0.10.0-py3.6.egg
cycler 0.10.0 is already the active version in easy-install.pth
Using n:\anaconda3\install\envs\zhouying\lib\site-packages\cycler-0.10.0-py3.6.egg
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-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>python object_detection/builders/model_builder_test.py
N:\Anaconda3\install\envs\zhouying\lib\site-packages\tensorflow\python\framework\dtypes.py:493: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
N:\Anaconda3\install\envs\zhouying\lib\site-packages\tensorflow\python\framework\dtypes.py:494: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
N:\Anaconda3\install\envs\zhouying\lib\site-packages\tensorflow\python\framework\dtypes.py:495: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
N:\Anaconda3\install\envs\zhouying\lib\site-packages\tensorflow\python\framework\dtypes.py:496: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
N:\Anaconda3\install\envs\zhouying\lib\site-packages\tensorflow\python\framework\dtypes.py:497: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
N:\Anaconda3\install\envs\zhouying\lib\site-packages\tensorflow\python\framework\dtypes.py:502: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
Traceback (most recent call last):
File "object_detection/builders/model_builder_test.py", line 23, in <module>
from object_detection.builders import model_builder
File "N:\Anaconda3\install\envs\zhouying\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\builders\model_builder.py", line 35, in <module>
from object_detection.models import faster_rcnn_inception_resnet_v2_feature_extractor as frcnn_inc_res
File "N:\Anaconda3\install\envs\zhouying\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\models\faster_rcnn_inception_resnet_v2_feature_extractor.py", line 28, in <module>
from nets import inception_resnet_v2
File "<frozen importlib._bootstrap>", line 971, in _find_and_load
File "<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
File "<frozen importlib._bootstrap>", line 656, in _load_unlocked
File "<frozen importlib._bootstrap>", line 626, in _load_backward_compatible
File "N:\Anaconda3\install\envs\zhouying\lib\site-packages\slim-0.1-py3.6.egg\nets\inception_resnet_v2.py", line 375, in <module>
AttributeError: module 'tensorflow.python.util.compat' has no attribute 'v1'
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>python object_detection/builders/model_builder_test.py
Traceback (most recent call last):
File "object_detection/builders/model_builder_test.py", line 23, in <module>
from object_detection.builders import model_builder
File "N:\Anaconda3\install\envs\zhouying\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\builders\model_builder.py", line 35, in <module>
from object_detection.models import faster_rcnn_inception_resnet_v2_feature_extractor as frcnn_inc_res
File "N:\Anaconda3\install\envs\zhouying\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\models\faster_rcnn_inception_resnet_v2_feature_extractor.py", line 28, in <module>
from nets import inception_resnet_v2
File "<frozen importlib._bootstrap>", line 971, in _find_and_load
File "<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
File "<frozen importlib._bootstrap>", line 656, in _load_unlocked
File "<frozen importlib._bootstrap>", line 626, in _load_backward_compatible
File "N:\Anaconda3\install\envs\zhouying\lib\site-packages\slim-0.1-py3.6.egg\nets\inception_resnet_v2.py", line 375, in <module>
AttributeError: module 'tensorflow.python.util.compat' has no attribute 'v1'
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>
(zhouying) F:\TensorflowProject\ObjectDetection\models-1.12.0\research>cd ../../
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>jupyter notebook
[I 21:04:05.100 NotebookApp] JupyterLab beta preview extension loaded from N:\Anaconda3\install\lib\site-packages\jupyterlab
[I 21:04:05.100 NotebookApp] JupyterLab application directory is N:\Anaconda3\install\share\jupyter\lab
[I 21:04:05.415 NotebookApp] Serving notebooks from local directory: F:\TensorflowProject\ObjectDetection
[I 21:04:05.415 NotebookApp] 0 active kernels
[I 21:04:05.416 NotebookApp] The Jupyter Notebook is running at:
[I 21:04:05.416 NotebookApp] http://localhost:8888/?token=65bb605b059c4bd8f64b942f8629d1ac5e4090864b3391ad
[I 21:04:05.416 NotebookApp] Use Control-C to stop this server and shut down all kernels (twice to skip confirmation).
[C 21:04:05.417 NotebookApp]
Copy/paste this URL into your browser when you connect for the first time,
to login with a token:
http://localhost:8888/?token=65bb605b059c4bd8f64b942f8629d1ac5e4090864b3391ad&token=65bb605b059c4bd8f64b942f8629d1ac5e4090864b3391ad
[I 21:04:11.640 NotebookApp] Accepting one-time-token-authenticated connection from ::1
[I 21:04:39.746 NotebookApp] 302 GET /?token=65bb605b059c4bd8f64b942f8629d1ac5e4090864b3391ad&token=65bb605b059c4bd8f64b942f8629d1ac5e4090864b3391ad (::1) 0.50ms
[W 21:05:20.381 NotebookApp] Notebook models-1.12.0/research/object_detection/object_detection_tutorial.ipynb is not trusted
[I 21:05:20.863 NotebookApp] Kernel started: 037f5adf-f62d-46ef-beff-b09c5959bbd8
[I 21:05:21.651 NotebookApp] Adapting to protocol v5.1 for kernel 037f5adf-f62d-46ef-beff-b09c5959bbd8
[I 21:05:23.600 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial.ipynb
[I 21:05:24.313 NotebookApp] Copying models-1.12.0/research/object_detection/object_detection_tutorial.ipynb to /models-1.12.0/research/object_detection
[I 21:05:24.967 NotebookApp] Kernel started: b2970524-c02b-44a4-ad72-d40fef191618
[I 21:05:25.528 NotebookApp] Adapting to protocol v5.1 for kernel b2970524-c02b-44a4-ad72-d40fef191618
[I 21:05:55.653 NotebookApp] Starting buffering for 037f5adf-f62d-46ef-beff-b09c5959bbd8:7a8400d137114d9c8756f9cd388a6c69
[I 21:06:32.100 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:06:32.143 NotebookApp] Starting buffering for b2970524-c02b-44a4-ad72-d40fef191618:be273405a99b43bd8cf00ad7f345addf
[I 21:06:39.968 NotebookApp] Interrupted...
[I 21:06:39.968 NotebookApp] Shutting down 2 kernels
[I 21:06:40.170 NotebookApp] Kernel shutdown: 037f5adf-f62d-46ef-beff-b09c5959bbd8
[I 21:06:40.170 NotebookApp] Kernel shutdown: b2970524-c02b-44a4-ad72-d40fef191618
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>python
Python 3.6.10 |Anaconda, Inc.| (default, Mar 23 2020, 17:58:33) [MSC v.1916 64 bit (AMD64)] on win32
Type "help", "copyright", "credits" or "license" for more information.
>>>
>>> import tensorflow as tf
>>>
>>>
>>> tf.__version__
'1.5.0'
>>>
>>>
>>>
>>>
>>> exit()
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>jupyter notebook
[I 21:07:50.641 NotebookApp] JupyterLab beta preview extension loaded from N:\Anaconda3\install\lib\site-packages\jupyterlab
[I 21:07:50.641 NotebookApp] JupyterLab application directory is N:\Anaconda3\install\share\jupyter\lab
[I 21:07:50.903 NotebookApp] Serving notebooks from local directory: F:\TensorflowProject\ObjectDetection
[I 21:07:50.903 NotebookApp] 0 active kernels
[I 21:07:50.904 NotebookApp] The Jupyter Notebook is running at:
[I 21:07:50.904 NotebookApp] http://localhost:8888/?token=2a15f168e6fc7b5d6e1e09bdf240e2ddbd6047479563eccb
[I 21:07:50.904 NotebookApp] Use Control-C to stop this server and shut down all kernels (twice to skip confirmation).
[C 21:07:50.905 NotebookApp]
Copy/paste this URL into your browser when you connect for the first time,
to login with a token:
http://localhost:8888/?token=2a15f168e6fc7b5d6e1e09bdf240e2ddbd6047479563eccb&token=2a15f168e6fc7b5d6e1e09bdf240e2ddbd6047479563eccb
[I 21:07:52.000 NotebookApp] Accepting one-time-token-authenticated connection from ::1
[I 21:08:05.353 NotebookApp] 302 GET /?token=2a15f168e6fc7b5d6e1e09bdf240e2ddbd6047479563eccb&token=2a15f168e6fc7b5d6e1e09bdf240e2ddbd6047479563eccb (::1) 0.98ms
[I 21:08:22.536 NotebookApp] Kernel started: 051d8a82-3b5c-47fd-ae7d-cbe16afdbd34
[I 21:08:23.050 NotebookApp] Adapting to protocol v5.1 for kernel 051d8a82-3b5c-47fd-ae7d-cbe16afdbd34
[I 21:08:28.767 NotebookApp] Starting buffering for 051d8a82-3b5c-47fd-ae7d-cbe16afdbd34:c230a5c24d95461d8eb93e6b6cfc0897
[I 21:08:29.043 NotebookApp] Kernel restarted: 051d8a82-3b5c-47fd-ae7d-cbe16afdbd34
[I 21:08:29.555 NotebookApp] Adapting to protocol v5.1 for kernel 051d8a82-3b5c-47fd-ae7d-cbe16afdbd34
[I 21:08:29.555 NotebookApp] Restoring connection for 051d8a82-3b5c-47fd-ae7d-cbe16afdbd34:c230a5c24d95461d8eb93e6b6cfc0897
[I 21:08:29.556 NotebookApp] Replaying 3 buffered messages
[I 21:08:52.069 NotebookApp] Creating new notebook in /models-1.12.0/research/object_detection
[I 21:08:52.731 NotebookApp] Kernel started: e46308bd-40b4-4203-88e1-816c8f3aedd0
[I 21:08:53.262 NotebookApp] Adapting to protocol v5.1 for kernel e46308bd-40b4-4203-88e1-816c8f3aedd0
[I 21:09:03.919 NotebookApp] Saving file at /models-1.12.0/research/object_detection/Untitled.ipynb
[I 21:09:21.565 NotebookApp] Saving file at /models-1.12.0/research/object_detection/test_2020040901.ipynb
[I 21:10:07.341 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:10:07.415 NotebookApp] Starting buffering for 051d8a82-3b5c-47fd-ae7d-cbe16afdbd34:c230a5c24d95461d8eb93e6b6cfc0897
[I 21:10:10.135 NotebookApp] Saving file at /models-1.12.0/research/object_detection/test_2020040901.ipynb
[I 21:10:10.840 NotebookApp] Starting buffering for e46308bd-40b4-4203-88e1-816c8f3aedd0:25f09f5ac32c4b599a3246e35af8061e
[I 21:10:17.037 NotebookApp] Interrupted...
[I 21:10:17.037 NotebookApp] Shutting down 2 kernels
[I 21:10:17.239 NotebookApp] Kernel shutdown: 051d8a82-3b5c-47fd-ae7d-cbe16afdbd34
[I 21:10:17.240 NotebookApp] Kernel shutdown: e46308bd-40b4-4203-88e1-816c8f3aedd0
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>pip install ipython
Collecting ipython
Using cached ipython-7.13.0-py3-none-any.whl (780 kB)
Collecting pickleshare
Using cached pickleshare-0.7.5-py2.py3-none-any.whl (6.9 kB)
Collecting traitlets>=4.2
Using cached traitlets-4.3.3-py2.py3-none-any.whl (75 kB)
Collecting prompt-toolkit!=3.0.0,!=3.0.1,<3.1.0,>=2.0.0
Downloading prompt_toolkit-3.0.5-py3-none-any.whl (351 kB)
|████████████████████████████████| 351 kB 168 kB/s
Collecting colorama; sys_platform == "win32"
Using cached colorama-0.4.3-py2.py3-none-any.whl (15 kB)
Requirement already satisfied: setuptools>=18.5 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from ipython) (46.1.3.post20200330)
Collecting pygments
Using cached Pygments-2.6.1-py3-none-any.whl (914 kB)
Collecting decorator
Using cached decorator-4.4.2-py2.py3-none-any.whl (9.2 kB)
Processing c:\users\administrator\appdata\local\pip\cache\wheels\b4\cb\f1\d142b3bb45d488612cf3943d8a1db090eb95e6687045ba61d1\backcall-0.1.0-py3-none-any.whl
Collecting jedi>=0.10
Using cached jedi-0.16.0-py2.py3-none-any.whl (1.1 MB)
Collecting ipython-genutils
Using cached ipython_genutils-0.2.0-py2.py3-none-any.whl (26 kB)
Requirement already satisfied: six in n:\anaconda3\install\envs\zhouying\lib\site-packages (from traitlets>=4.2->ipython) (1.14.0)
Collecting wcwidth
Using cached wcwidth-0.1.9-py2.py3-none-any.whl (19 kB)
Collecting parso>=0.5.2
Using cached parso-0.6.2-py2.py3-none-any.whl (97 kB)
Installing collected packages: pickleshare, ipython-genutils, decorator, traitlets, wcwidth, prompt-toolkit, colorama, pygments, backcall, parso, jedi, ipython
Successfully installed backcall-0.1.0 colorama-0.4.3 decorator-4.4.2 ipython-7.13.0 ipython-genutils-0.2.0 jedi-0.16.0 parso-0.6.2 pickleshare-0.7.5 prompt-toolkit-3.0.5 pygments-2.6.1 traitlets-4.3.3 wcwidth-0.1.9
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>pip install jupyter
Collecting jupyter
Using cached jupyter-1.0.0-py2.py3-none-any.whl (2.7 kB)
Collecting jupyter-console
Using cached jupyter_console-6.1.0-py2.py3-none-any.whl (21 kB)
Collecting qtconsole
Downloading qtconsole-4.7.2-py2.py3-none-any.whl (117 kB)
|████████████████████████████████| 117 kB 163 kB/s
Collecting ipykernel
Using cached ipykernel-5.2.0-py3-none-any.whl (117 kB)
Collecting ipywidgets
Using cached ipywidgets-7.5.1-py2.py3-none-any.whl (121 kB)
Collecting nbconvert
Using cached nbconvert-5.6.1-py2.py3-none-any.whl (455 kB)
Collecting notebook
Using cached notebook-6.0.3-py3-none-any.whl (9.7 MB)
Requirement already satisfied: pygments in n:\anaconda3\install\envs\zhouying\lib\site-packages (from jupyter-console->jupyter) (2.6.1)
Requirement already satisfied: prompt-toolkit!=3.0.0,!=3.0.1,<3.1.0,>=2.0.0 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from jupyter-console->jupyter) (3.0.5)
WARNING: Retrying (Retry(total=4, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProtocolError('Connection aborted.', ConnectionResetError(10054, '远程主机强迫关闭了一个现有的连接。', None, 10054, None))': /simple/jupyter-client/
Collecting jupyter-client
Downloading jupyter_client-6.1.2-py3-none-any.whl (106 kB)
|████████████████████████████████| 106 kB 437 kB/s
Requirement already satisfied: ipython in n:\anaconda3\install\envs\zhouying\lib\site-packages (from jupyter-console->jupyter) (7.13.0)
Requirement already satisfied: ipython-genutils in n:\anaconda3\install\envs\zhouying\lib\site-packages (from qtconsole->jupyter) (0.2.0)
Collecting jupyter-core
Using cached jupyter_core-4.6.3-py2.py3-none-any.whl (83 kB)
Collecting pyzmq>=17.1
Using cached pyzmq-19.0.0-cp36-cp36m-win_amd64.whl (1.1 MB)
Requirement already satisfied: traitlets in n:\anaconda3\install\envs\zhouying\lib\site-packages (from qtconsole->jupyter) (4.3.3)
Collecting qtpy
Using cached QtPy-1.9.0-py2.py3-none-any.whl (54 kB)
Collecting tornado>=4.2
Using cached tornado-6.0.4-cp36-cp36m-win_amd64.whl (417 kB)
Collecting nbformat>=4.2.0
Downloading nbformat-5.0.5-py3-none-any.whl (170 kB)
|████████████████████████████████| 170 kB 409 kB/s
Collecting widgetsnbextension~=3.5.0
Using cached widgetsnbextension-3.5.1-py2.py3-none-any.whl (2.2 MB)
Collecting testpath
Using cached testpath-0.4.4-py2.py3-none-any.whl (163 kB)
Processing c:\users\administrator\appdata\local\pip\cache\wheels\46\c4\40\718c6fd14c2129ccaee10e0cf03ef6c4d01d98cad5dbbfda38\pandocfilters-1.4.2-py3-none-any.whl
Collecting mistune<2,>=0.8.1
Using cached mistune-0.8.4-py2.py3-none-any.whl (16 kB)
Collecting jinja2>=2.4
Using cached Jinja2-2.11.1-py2.py3-none-any.whl (126 kB)
Requirement already satisfied: bleach in n:\anaconda3\install\envs\zhouying\lib\site-packages (from nbconvert->jupyter) (1.5.0)
Collecting entrypoints>=0.2.2
Using cached entrypoints-0.3-py2.py3-none-any.whl (11 kB)
Collecting defusedxml
Using cached defusedxml-0.6.0-py2.py3-none-any.whl (23 kB)
Processing c:\users\administrator\appdata\local\pip\cache\wheels\1d\4a\79\a3ad3f74b3495b4555359375ca33ad7b64e77f8b7a53c8894f\prometheus_client-0.7.1-py3-none-any.whl
Collecting Send2Trash
Using cached Send2Trash-1.5.0-py3-none-any.whl (12 kB)
Collecting terminado>=0.8.1
Using cached terminado-0.8.3-py2.py3-none-any.whl (33 kB)
Requirement already satisfied: wcwidth in n:\anaconda3\install\envs\zhouying\lib\site-packages (from prompt-toolkit!=3.0.0,!=3.0.1,<3.1.0,>=2.0.0->jupyter-console->jupyter) (0.1.9)
Requirement already satisfied: python-dateutil>=2.1 in n:\anaconda3\install\envs\zhouying\lib\site-packages\python_dateutil-2.8.1-py3.6.egg (from jupyter-client->jupyter-console->jupyter) (2.8.1)
Requirement already satisfied: jedi>=0.10 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from ipython->jupyter-console->jupyter) (0.16.0)
Requirement already satisfied: backcall in n:\anaconda3\install\envs\zhouying\lib\site-packages (from ipython->jupyter-console->jupyter) (0.1.0)
Requirement already satisfied: pickleshare in n:\anaconda3\install\envs\zhouying\lib\site-packages (from ipython->jupyter-console->jupyter) (0.7.5)
Requirement already satisfied: setuptools>=18.5 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from ipython->jupyter-console->jupyter) (46.1.3.post20200330)
Requirement already satisfied: colorama; sys_platform == "win32" in n:\anaconda3\install\envs\zhouying\lib\site-packages (from ipython->jupyter-console->jupyter) (0.4.3)
Requirement already satisfied: decorator in n:\anaconda3\install\envs\zhouying\lib\site-packages (from ipython->jupyter-console->jupyter) (4.4.2)
Collecting pywin32>=1.0; sys_platform == "win32"
Using cached pywin32-227-cp36-cp36m-win_amd64.whl (9.1 MB)
Requirement already satisfied: six in n:\anaconda3\install\envs\zhouying\lib\site-packages (from traitlets->qtconsole->jupyter) (1.14.0)
Collecting jsonschema!=2.5.0,>=2.4
Using cached jsonschema-3.2.0-py2.py3-none-any.whl (56 kB)
Collecting MarkupSafe>=0.23
Using cached MarkupSafe-1.1.1-cp36-cp36m-win_amd64.whl (16 kB)
Requirement already satisfied: html5lib!=0.9999,!=0.99999,<0.99999999,>=0.999 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from bleach->nbconvert->jupyter) (0.9999999)
Collecting pywinpty>=0.5; os_name == "nt"
Using cached pywinpty-0.5.7-cp36-cp36m-win_amd64.whl (1.3 MB)
Requirement already satisfied: parso>=0.5.2 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from jedi>=0.10->ipython->jupyter-console->jupyter) (0.6.2)
Collecting pyrsistent>=0.14.0
Downloading pyrsistent-0.16.0.tar.gz (108 kB)
|████████████████████████████████| 108 kB 1.3 MB/s
Collecting importlib-metadata; python_version < "3.8"
Downloading importlib_metadata-1.6.0-py2.py3-none-any.whl (30 kB)
Collecting attrs>=17.4.0
Using cached attrs-19.3.0-py2.py3-none-any.whl (39 kB)
Collecting zipp>=0.5
Using cached zipp-3.1.0-py3-none-any.whl (4.9 kB)
Building wheels for collected packages: pyrsistent
Building wheel for pyrsistent (setup.py) ... done
Created wheel for pyrsistent: filename=pyrsistent-0.16.0-cp36-cp36m-win_amd64.whl size=70539 sha256=fc66f0ffc669edbe3ead3e9d1e8efe04ad1459dab58bef8b9f441d479037e940
Stored in directory: c:\users\administrator\appdata\local\pip\cache\wheels\d1\8a\1c\32ab9017418a2c64e4fbaf503c08648bed2f8eb311b869a464
Successfully built pyrsistent
Installing collected packages: tornado, pywin32, jupyter-core, pyzmq, jupyter-client, ipykernel, jupyter-console, qtpy, qtconsole, pyrsistent, zipp, importlib-metadata, attrs, jsonschema, nbformat, MarkupSafe, jinja2, prometheus-client, testpath, pandocfilters, mistune, entrypoints, defusedxml, nbconvert, Send2Trash, pywinpty, terminado, notebook, widgetsnbextension, ipywidgets, jupyter
Successfully installed MarkupSafe-1.1.1 Send2Trash-1.5.0 attrs-19.3.0 defusedxml-0.6.0 entrypoints-0.3 importlib-metadata-1.6.0 ipykernel-5.2.0 ipywidgets-7.5.1 jinja2-2.11.1 jsonschema-3.2.0 jupyter-1.0.0 jupyter-client-6.1.2 jupyter-console-6.1.0 jupyter-core-4.6.3 mistune-0.8.4 nbconvert-5.6.1 nbformat-5.0.5 notebook-6.0.3 pandocfilters-1.4.2 prometheus-client-0.7.1 pyrsistent-0.16.0 pywin32-227 pywinpty-0.5.7 pyzmq-19.0.0 qtconsole-4.7.2 qtpy-1.9.0 terminado-0.8.3 testpath-0.4.4 tornado-6.0.4 widgetsnbextension-3.5.1 zipp-3.1.0
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>jupyter notebook
[I 21:15:55.831 NotebookApp] Serving notebooks from local directory: F:\TensorflowProject\ObjectDetection
[I 21:15:55.831 NotebookApp] The Jupyter Notebook is running at:
[I 21:15:55.832 NotebookApp] http://localhost:8888/?token=0acbc002c1ceb7f2c26b615233238e03b52eb4de8a042bc4
[I 21:15:55.832 NotebookApp] or http://127.0.0.1:8888/?token=0acbc002c1ceb7f2c26b615233238e03b52eb4de8a042bc4
[I 21:15:55.832 NotebookApp] Use Control-C to stop this server and shut down all kernels (twice to skip confirmation).
[C 21:15:55.837 NotebookApp]
To access the notebook, open this file in a browser:
file:///C:/Users/Administrator/AppData/Roaming/jupyter/runtime/nbserver-13264-open.html
Or copy and paste one of these URLs:
http://localhost:8888/?token=0acbc002c1ceb7f2c26b615233238e03b52eb4de8a042bc4
or http://127.0.0.1:8888/?token=0acbc002c1ceb7f2c26b615233238e03b52eb4de8a042bc4
[I 21:16:17.643 NotebookApp] 302 GET /?token=0acbc002c1ceb7f2c26b615233238e03b52eb4de8a042bc4 (::1) 1.00ms
[I 21:16:37.149 NotebookApp] Kernel started: cabc730e-026f-4561-8db6-216d4a43bb22
[I 21:16:59.718 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:17:00.033 NotebookApp] Starting buffering for cabc730e-026f-4561-8db6-216d4a43bb22:0bcf597672c142fdb0285e1957e0d8e7
[I 21:17:07.118 NotebookApp] Interrupted...
[I 21:17:07.119 NotebookApp] Shutting down 1 kernel
[I 21:17:07.422 NotebookApp] Kernel shutdown: cabc730e-026f-4561-8db6-216d4a43bb22
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>pip install -U tensorflow==1.9.0
Collecting tensorflow==1.9.0
Downloading tensorflow-1.9.0-cp36-cp36m-win_amd64.whl (37.1 MB)
|████████████████████████████████| 37.1 MB 467 kB/s
Collecting grpcio>=1.8.6
Using cached grpcio-1.28.1-cp36-cp36m-win_amd64.whl (2.1 MB)
Requirement already satisfied, skipping upgrade: absl-py>=0.1.6 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from tensorflow==1.9.0) (0.9.0)
Requirement already satisfied, skipping upgrade: protobuf>=3.4.0 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from tensorflow==1.9.0) (3.11.3)
Requirement already satisfied, skipping upgrade: six>=1.10.0 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from tensorflow==1.9.0) (1.14.0)
Collecting gast>=0.2.0
Downloading gast-0.3.3-py2.py3-none-any.whl (9.7 kB)
Processing c:\users\administrator\appdata\local\pip\cache\wheels\93\2a\eb\e58dbcbc963549ee4f065ff80a59f274cc7210b6eab962acdc\termcolor-1.1.0-py3-none-any.whl
Requirement already satisfied, skipping upgrade: numpy>=1.13.3 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from tensorflow==1.9.0) (1.18.2)
Collecting astor>=0.6.0
Using cached astor-0.8.1-py2.py3-none-any.whl (27 kB)
Requirement already satisfied, skipping upgrade: wheel>=0.26 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from tensorflow==1.9.0) (0.34.2)
Collecting tensorboard<1.10.0,>=1.9.0
Downloading tensorboard-1.9.0-py3-none-any.whl (3.3 MB)
|████████████████████████████████| 3.3 MB 409 kB/s
Collecting setuptools<=39.1.0
Downloading setuptools-39.1.0-py2.py3-none-any.whl (566 kB)
|████████████████████████████████| 566 kB 435 kB/s
Requirement already satisfied, skipping upgrade: markdown>=2.6.8 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from tensorboard<1.10.0,>=1.9.0->tensorflow==1.9.0) (3.2.1)
Requirement already satisfied, skipping upgrade: werkzeug>=0.11.10 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from tensorboard<1.10.0,>=1.9.0->tensorflow==1.9.0) (1.0.1)
Installing collected packages: grpcio, gast, termcolor, astor, tensorboard, setuptools, tensorflow
Attempting uninstall: setuptools
Found existing installation: setuptools 46.1.3.post20200330
Uninstalling setuptools-46.1.3.post20200330:
Successfully uninstalled setuptools-46.1.3.post20200330
Attempting uninstall: tensorflow
Found existing installation: tensorflow 1.5.0
Uninstalling tensorflow-1.5.0:
Successfully uninstalled tensorflow-1.5.0
Successfully installed astor-0.8.1 gast-0.3.3 grpcio-1.28.1 setuptools-39.1.0 tensorboard-1.9.0 tensorflow-1.9.0 termcolor-1.1.0
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>jupyter notebook
[I 21:22:41.673 NotebookApp] Serving notebooks from local directory: F:\TensorflowProject\ObjectDetection
[I 21:22:41.673 NotebookApp] The Jupyter Notebook is running at:
[I 21:22:41.675 NotebookApp] http://localhost:8888/?token=24e0a25412880c9391ef0ab4a0d2da5c768515a7cda0be08
[I 21:22:41.675 NotebookApp] or http://127.0.0.1:8888/?token=24e0a25412880c9391ef0ab4a0d2da5c768515a7cda0be08
[I 21:22:41.675 NotebookApp] Use Control-C to stop this server and shut down all kernels (twice to skip confirmation).
[C 21:22:41.680 NotebookApp]
To access the notebook, open this file in a browser:
file:///C:/Users/Administrator/AppData/Roaming/jupyter/runtime/nbserver-9492-open.html
Or copy and paste one of these URLs:
http://localhost:8888/?token=24e0a25412880c9391ef0ab4a0d2da5c768515a7cda0be08
or http://127.0.0.1:8888/?token=24e0a25412880c9391ef0ab4a0d2da5c768515a7cda0be08
[I 21:22:55.888 NotebookApp] 302 GET /?token=24e0a25412880c9391ef0ab4a0d2da5c768515a7cda0be08 (::1) 1.00ms
[I 21:23:13.027 NotebookApp] Kernel started: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
2020-04-09 21:24:06.514529: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
[I 21:25:13.135 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:25:59.815 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:26:53.690 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:26:55.662 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:27:12.947 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:27:18.527 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:27:33.512 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:28:58.892 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:29:11.671 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:29:12.100 NotebookApp] Kernel restarted: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 21:29:12.669 NotebookApp] Restoring connection for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:29:12.669 NotebookApp] Replaying 3 buffered messages
[I 21:29:39.691 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:29:40.241 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:31:12.947 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:31:20.120 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:35:29.227 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:35:29.753 NotebookApp] Kernel restarted: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 21:35:30.330 NotebookApp] Restoring connection for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:35:30.331 NotebookApp] Replaying 3 buffered messages
[I 21:36:15.397 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:36:15.723 NotebookApp] Kernel restarted: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 21:36:16.288 NotebookApp] Restoring connection for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:36:16.289 NotebookApp] Replaying 6 buffered messages
2020-04-09 21:37:02.163478: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
[I 21:37:13.135 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:38:14.507 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:38:18.803 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:38:19.330 NotebookApp] Kernel restarted: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 21:38:19.900 NotebookApp] Restoring connection for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:38:19.900 NotebookApp] Replaying 3 buffered messages
[I 21:38:42.555 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:38:46.649 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:38:46.975 NotebookApp] Kernel restarted: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 21:38:47.543 NotebookApp] Restoring connection for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:38:47.544 NotebookApp] Replaying 3 buffered messages
[I 21:39:48.102 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:40:56.583 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:41:02.082 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:41:02.408 NotebookApp] Kernel restarted: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 21:41:02.984 NotebookApp] Restoring connection for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:41:02.984 NotebookApp] Replaying 3 buffered messages
2020-04-09 21:41:52.137354: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
[I 21:42:39.763 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:43:47.494 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:43:49.193 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:43:54.121 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:43:54.546 NotebookApp] Kernel restarted: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 21:43:55.574 NotebookApp] Restoring connection for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 21:43:55.575 NotebookApp] Replaying 3 buffered messages
2020-04-09 21:44:41.651435: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
[I 21:45:12.946 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 21:45:49.505 NotebookApp] 302 GET /?token=24e0a25412880c9391ef0ab4a0d2da5c768515a7cda0be08 (::1) 0.00ms
[I 21:46:09.768 NotebookApp] Kernel started: 0fa2bed8-74b3-4b0c-b7a4-57f06ee79770
[I 21:46:13.276 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial.ipynb
[I 21:46:13.321 NotebookApp] Copying models-1.12.0/research/object_detection/object_detection_tutorial.ipynb to /models-1.12.0/research/object_detection
[I 21:46:14.233 NotebookApp] Kernel started: 2f0edfa0-9e56-4681-a44e-30d9b297a26e
[I 21:46:15.142 NotebookApp] Starting buffering for 0fa2bed8-74b3-4b0c-b7a4-57f06ee79770:e902a3f9a52642859daa63774f477c70
[I 21:47:18.290 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
2020-04-09 21:47:58.678922: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
[I 21:48:14.192 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
[I 21:48:22.235 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
[I 21:50:14.192 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
[W 21:50:46.891 NotebookApp] Forbidden
[W 21:50:46.892 NotebookApp] 403 GET /api/config/tree?_=1586440245902 (::1) 1.00ms referer=http://localhost:8888/tree
[W 21:50:46.893 NotebookApp] Forbidden
[W 21:50:46.894 NotebookApp] 403 GET /api/config/common?_=1586440245903 (::1) 1.00ms referer=http://localhost:8888/tree
[W 21:50:46.897 NotebookApp] Forbidden
[W 21:50:46.898 NotebookApp] 403 GET /api/terminals?_=1586440245904 (::1) 1.00ms referer=http://localhost:8888/tree
[W 21:50:46.899 NotebookApp] Forbidden
[W 21:50:46.899 NotebookApp] 403 GET /api/kernelspecs (::1) 1.00ms referer=http://localhost:8888/tree
[W 21:50:46.901 NotebookApp] Forbidden
[W 21:50:46.901 NotebookApp] 403 GET /api/sessions?_=1586440245905 (::1) 1.03ms referer=http://localhost:8888/tree
[W 21:50:46.903 NotebookApp] Forbidden
[W 21:50:46.903 NotebookApp] 403 GET /api/terminals?_=1586440245906 (::1) 0.52ms referer=http://localhost:8888/tree
[I 21:57:23.552 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
[I 21:57:23.814 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
[I 21:57:24.023 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
[I 21:57:28.597 NotebookApp] Starting buffering for 2f0edfa0-9e56-4681-a44e-30d9b297a26e:93422941f59c44998e8034f84c861ef6
[I 21:57:29.224 NotebookApp] Kernel restarted: 2f0edfa0-9e56-4681-a44e-30d9b297a26e
[I 21:57:29.800 NotebookApp] Restoring connection for 2f0edfa0-9e56-4681-a44e-30d9b297a26e:93422941f59c44998e8034f84c861ef6
[I 21:57:29.801 NotebookApp] Replaying 3 buffered messages
[I 21:58:14.192 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
2020-04-09 21:58:35.865186: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
[I 22:00:14.196 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_2.ipynb
[I 22:02:15.645 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 22:02:16.174 NotebookApp] Kernel restarted: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 22:02:16.758 NotebookApp] Restoring connection for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 22:02:16.758 NotebookApp] Replaying 3 buffered messages
2020-04-09 22:03:07.825288: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
[I 22:03:13.136 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 22:03:37.160 NotebookApp] KernelRestarter: restarting kernel (1/5), keep random ports
WARNING:root:kernel 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1 restarted
[I 22:03:50.211 NotebookApp] KernelRestarter: restarting kernel (1/5), keep random ports
WARNING:root:kernel 2f0edfa0-9e56-4681-a44e-30d9b297a26e restarted
[I 22:03:53.951 NotebookApp] Starting buffering for 2f0edfa0-9e56-4681-a44e-30d9b297a26e:93422941f59c44998e8034f84c861ef6
[I 22:04:00.497 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb
[I 22:04:00.546 NotebookApp] Starting buffering for 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1:4a07e552bf7b421cafab8204428c7fae
[I 22:04:36.681 NotebookApp] Interrupted...
[I 22:04:36.682 NotebookApp] Shutting down 3 kernels
[I 22:04:36.985 NotebookApp] Kernel shutdown: 460d7dd8-b2f7-4155-9d6d-2b0cdb5589f1
[I 22:04:36.986 NotebookApp] Kernel shutdown: 0fa2bed8-74b3-4b0c-b7a4-57f06ee79770
[I 22:04:36.987 NotebookApp] Kernel shutdown: 2f0edfa0-9e56-4681-a44e-30d9b297a26e
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>python -m pip uninstall matplotlib
Found existing installation: matplotlib 3.2.1
Uninstalling matplotlib-3.2.1:
Would remove:
n:\anaconda3\install\envs\zhouying\lib\site-packages\matplotlib-3.2.1-py3.6-win-amd64.egg
Proceed (y/n)? y
Successfully uninstalled matplotlib-3.2.1
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>pip install matplotlib==2.2.2
Collecting matplotlib==2.2.2
Downloading matplotlib-2.2.2-cp36-cp36m-win_amd64.whl (8.7 MB)
|████████████████████████████████| 8.7 MB 1.3 MB/s
Requirement already satisfied: six>=1.10 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from matplotlib==2.2.2) (1.14.0)
Requirement already satisfied: pyparsing!=2.0.4,!=2.1.2,!=2.1.6,>=2.0.1 in n:\anaconda3\install\envs\zhouying\lib\site-packages\pyparsing-3.0.0a1-py3.6.egg (from matplotlib==2.2.2) (3.0.0a1)
Collecting pytz
Downloading pytz-2019.3-py2.py3-none-any.whl (509 kB)
|████████████████████████████████| 509 kB 6.4 MB/s
Requirement already satisfied: numpy>=1.7.1 in n:\anaconda3\install\envs\zhouying\lib\site-packages (from matplotlib==2.2.2) (1.18.2)
Requirement already satisfied: cycler>=0.10 in n:\anaconda3\install\envs\zhouying\lib\site-packages\cycler-0.10.0-py3.6.egg (from matplotlib==2.2.2) (0.10.0)
Requirement already satisfied: python-dateutil>=2.1 in n:\anaconda3\install\envs\zhouying\lib\site-packages\python_dateutil-2.8.1-py3.6.egg (from matplotlib==2.2.2) (2.8.1)
Requirement already satisfied: kiwisolver>=1.0.1 in n:\anaconda3\install\envs\zhouying\lib\site-packages\kiwisolver-1.2.0-py3.6-win-amd64.egg (from matplotlib==2.2.2) (1.2.0)
Installing collected packages: pytz, matplotlib
Successfully installed matplotlib-2.2.2 pytz-2019.3
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>
(zhouying) F:\TensorflowProject\ObjectDetection>jupyter notebook
[I 22:22:02.654 NotebookApp] Serving notebooks from local directory: F:\TensorflowProject\ObjectDetection
[I 22:22:02.655 NotebookApp] The Jupyter Notebook is running at:
[I 22:22:02.656 NotebookApp] http://localhost:8888/?token=6ba87a6bc6fb8359778bd4a641b59f7e4f74d29c5b9c6bc3
[I 22:22:02.656 NotebookApp] or http://127.0.0.1:8888/?token=6ba87a6bc6fb8359778bd4a641b59f7e4f74d29c5b9c6bc3
[I 22:22:02.656 NotebookApp] Use Control-C to stop this server and shut down all kernels (twice to skip confirmation).
[C 22:22:02.661 NotebookApp]
To access the notebook, open this file in a browser:
file:///C:/Users/Administrator/AppData/Roaming/jupyter/runtime/nbserver-12684-open.html
Or copy and paste one of these URLs:
http://localhost:8888/?token=6ba87a6bc6fb8359778bd4a641b59f7e4f74d29c5b9c6bc3
or http://127.0.0.1:8888/?token=6ba87a6bc6fb8359778bd4a641b59f7e4f74d29c5b9c6bc3
[I 22:22:17.669 NotebookApp] 302 GET /?token=6ba87a6bc6fb8359778bd4a641b59f7e4f74d29c5b9c6bc3 (::1) 0.00ms
[I 22:22:36.285 NotebookApp] Kernel started: 25aa3440-a75a-410f-bc4b-c4a21ae55d42
2020-04-09 22:23:32.271575: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
[I 22:24:36.233 NotebookApp] Saving file at /models-1.12.0/research/object_detection/object_detection_tutorial_1.ipynb