TF_TRT library installation getting failed

Hi.

I following the installation guide of tf_trt from here: GitHub - NVIDIA-AI-IOT/tf_trt_models: TensorFlow models accelerated with NVIDIA TensorRT.

I am on python3. But the install.sh script seems to be problematic here. When I run ./install.sh python3, I get the following error:

[code]python
Downloading protoc
/content/tf_trt_models/data/protoc /content/tf_trt_models
Archive: protoc-3.5.1-linux-x86_64.zip
creating: include/
creating: include/google/
creating: include/google/protobuf/
inflating: include/google/protobuf/struct.proto
inflating: include/google/protobuf/type.proto
inflating: include/google/protobuf/descriptor.proto
inflating: include/google/protobuf/api.proto
inflating: include/google/protobuf/empty.proto
creating: include/google/protobuf/compiler/
inflating: include/google/protobuf/compiler/plugin.proto
inflating: include/google/protobuf/any.proto
inflating: include/google/protobuf/field_mask.proto
inflating: include/google/protobuf/wrappers.proto
inflating: include/google/protobuf/timestamp.proto
inflating: include/google/protobuf/duration.proto
inflating: include/google/protobuf/source_context.proto
creating: bin/
inflating: bin/protoc
inflating: readme.txt
/content/tf_trt_models
/content/tf_trt_models/third_party/models/research /content/tf_trt_models
/content/tf_trt_models/third_party/models/research
Installing object detection library
/content/tf_trt_models/data/protoc/bin/protoc
running install
running bdist_egg
running egg_info
creating object_detection.egg-info
writing object_detection.egg-info/PKG-INFO
writing dependency_links to object_detection.egg-info/dependency_links.txt
writing requirements to object_detection.egg-info/requires.txt
writing top-level names to object_detection.egg-info/top_level.txt
writing manifest file ‘object_detection.egg-info/SOURCES.txt’
writing manifest file ‘object_detection.egg-info/SOURCES.txt’
installing library code to build/bdist.linux-x86_64/egg
running install_lib
running build_py
creating build
creating build/lib
creating 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/eval_util_test.py → build/lib/object_detection
copying object_detection/model_lib.py → build/lib/object_detection
copying object_detection/export_tflite_ssd_graph.py → build/lib/object_detection
copying object_detection/init.py → build/lib/object_detection
copying object_detection/export_tflite_ssd_graph_lib.py → build/lib/object_detection
copying object_detection/model_tpu_main.py → build/lib/object_detection
copying object_detection/export_inference_graph.py → build/lib/object_detection
copying object_detection/eval_util.py → build/lib/object_detection
copying object_detection/model_main.py → build/lib/object_detection
copying object_detection/model_lib_test.py → build/lib/object_detection
copying object_detection/export_tflite_ssd_graph_lib_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/model_hparams.py → build/lib/object_detection
creating build/lib/object_detection/core
copying object_detection/core/target_assigner_test.py → build/lib/object_detection/core
copying object_detection/core/keypoint_ops.py → build/lib/object_detection/core
copying object_detection/core/preprocessor_cache.py → build/lib/object_detection/core
copying object_detection/core/batcher.py → build/lib/object_detection/core
copying object_detection/core/box_list_ops.py → build/lib/object_detection/core
copying object_detection/core/keypoint_ops_test.py → build/lib/object_detection/core
copying object_detection/core/region_similarity_calculator_test.py → build/lib/object_detection/core
copying object_detection/core/data_decoder.py → build/lib/object_detection/core
copying object_detection/core/matcher_test.py → build/lib/object_detection/core
copying object_detection/core/matcher.py → build/lib/object_detection/core
copying object_detection/core/minibatch_sampler.py → build/lib/object_detection/core
copying object_detection/core/box_coder.py → build/lib/object_detection/core
copying object_detection/core/box_list_ops_test.py → build/lib/object_detection/core
copying object_detection/core/balanced_positive_negative_sampler.py → build/lib/object_detection/core
copying object_detection/core/minibatch_sampler_test.py → build/lib/object_detection/core
copying object_detection/core/box_predictor_test.py → build/lib/object_detection/core
copying object_detection/core/batcher_test.py → build/lib/object_detection/core
copying object_detection/core/init.py → build/lib/object_detection/core
copying object_detection/core/region_similarity_calculator.py → build/lib/object_detection/core
copying object_detection/core/model.py → build/lib/object_detection/core
copying object_detection/core/preprocessor.py → build/lib/object_detection/core
copying object_detection/core/preprocessor_test.py → build/lib/object_detection/core
copying object_detection/core/losses.py → build/lib/object_detection/core
copying object_detection/core/prefetcher.py → build/lib/object_detection/core
copying object_detection/core/box_predictor.py → build/lib/object_detection/core
copying object_detection/core/target_assigner.py → build/lib/object_detection/core
copying object_detection/core/data_parser.py → build/lib/object_detection/core
copying object_detection/core/standard_fields.py → build/lib/object_detection/core
copying object_detection/core/post_processing_test.py → build/lib/object_detection/core
copying object_detection/core/box_list_test.py → build/lib/object_detection/core
copying object_detection/core/losses_test.py → build/lib/object_detection/core
copying object_detection/core/anchor_generator.py → build/lib/object_detection/core
copying object_detection/core/box_list.py → build/lib/object_detection/core
copying object_detection/core/post_processing.py → build/lib/object_detection/core
copying object_detection/core/box_coder_test.py → build/lib/object_detection/core
copying object_detection/core/prefetcher_test.py → build/lib/object_detection/core
copying object_detection/core/balanced_positive_negative_sampler_test.py → build/lib/object_detection/core
creating 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_inception_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/feature_map_generators.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/faster_rcnn_mobilenet_v1_feature_extractor.py → build/lib/object_detection/models
copying object_detection/models/ssd_resnet_v1_ppn_feature_extractor.py → build/lib/object_detection/models
copying object_detection/models/faster_rcnn_inception_resnet_v2_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/faster_rcnn_nas_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_inception_v2_feature_extractor.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_resnet_v1_fpn_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/ssd_inception_v3_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/embedded_ssd_mobilenet_v1_feature_extractor_test.py → build/lib/object_detection/models
copying object_detection/models/init.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/faster_rcnn_mobilenet_v1_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/ssd_resnet_v1_ppn_feature_extractor_test.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_resnet_v1_fpn_feature_extractor_testbase.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_mobilenet_v2_feature_extractor_test.py → 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/ssd_resnet_v1_fpn_feature_extractor_test.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/faster_rcnn_inception_resnet_v2_feature_extractor.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_inception_v3_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/feature_map_generators_test.py → build/lib/object_detection/models
creating build/lib/object_detection/matchers
copying object_detection/matchers/argmax_matcher_test.py → build/lib/object_detection/matchers
copying object_detection/matchers/argmax_matcher.py → build/lib/object_detection/matchers
copying object_detection/matchers/init.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
creating 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/tf_example_parser_test.py → build/lib/object_detection/metrics
copying object_detection/metrics/io_utils.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_od_challenge_evaluation.py → build/lib/object_detection/metrics
copying object_detection/metrics/tf_example_parser.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/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/init.py → build/lib/object_detection/metrics
copying object_detection/metrics/coco_evaluation.py → build/lib/object_detection/metrics
copying object_detection/metrics/coco_evaluation_test.py → build/lib/object_detection/metrics
copying object_detection/metrics/oid_od_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/oid_od_challenge_evaluation_utils_test.py → build/lib/object_detection/metrics
creating 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/oid_hierarchical_labels_expansion.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/tf_record_creation_util_test.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/oid_tfrecord_creation.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/oid_tfrecord_creation_test.py → build/lib/object_detection/dataset_tools
copying object_detection/dataset_tools/init.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_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_pascal_tf_record_test.py → build/lib/object_detection/dataset_tools
copying object_detection/dataset_tools/oid_hierarchical_labels_expansion_test.py → build/lib/object_detection/dataset_tools
creating build/lib/object_detection/data_decoders
copying object_detection/data_decoders/init.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/tf_example_decoder.py → build/lib/object_detection/data_decoders
creating 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/faster_rcnn_meta_arch_test.py → build/lib/object_detection/meta_architectures
copying object_detection/meta_architectures/init.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/faster_rcnn_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
creating build/lib/object_detection/builders
copying object_detection/builders/post_processing_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/graph_rewriter_builder.py → build/lib/object_detection/builders
copying object_detection/builders/preprocessor_builder_test.py → build/lib/object_detection/builders
copying object_detection/builders/losses_builder.py → build/lib/object_detection/builders
copying object_detection/builders/optimizer_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/hyperparams_builder_test.py → build/lib/object_detection/builders
copying object_detection/builders/anchor_generator_builder.py → build/lib/object_detection/builders
copying object_detection/builders/preprocessor_builder.py → build/lib/object_detection/builders
copying object_detection/builders/hyperparams_builder.py → build/lib/object_detection/builders
copying object_detection/builders/dataset_builder_test.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_test.py → build/lib/object_detection/builders
copying object_detection/builders/box_predictor_builder.py → build/lib/object_detection/builders
copying object_detection/builders/model_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/input_reader_builder_test.py → build/lib/object_detection/builders
copying object_detection/builders/dataset_builder.py → build/lib/object_detection/builders
copying object_detection/builders/image_resizer_builder.py → build/lib/object_detection/builders
copying object_detection/builders/matcher_builder.py → build/lib/object_detection/builders
copying object_detection/builders/init.py → build/lib/object_detection/builders
copying object_detection/builders/post_processing_builder.py → build/lib/object_detection/builders
copying object_detection/builders/optimizer_builder_test.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/box_predictor_builder_test.py → build/lib/object_detection/builders
copying object_detection/builders/box_coder_builder_test.py → build/lib/object_detection/builders
copying object_detection/builders/anchor_generator_builder_test.py → build/lib/object_detection/builders
copying object_detection/builders/graph_rewriter_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/model_builder.py → build/lib/object_detection/builders
creating build/lib/object_detection/utils
copying object_detection/utils/context_manager_test.py → build/lib/object_detection/utils
copying object_detection/utils/np_box_ops.py → build/lib/object_detection/utils
copying object_detection/utils/label_map_util_test.py → build/lib/object_detection/utils
copying object_detection/utils/metrics_test.py → build/lib/object_detection/utils
copying object_detection/utils/per_image_evaluation_test.py → build/lib/object_detection/utils
copying object_detection/utils/test_utils.py → build/lib/object_detection/utils
copying object_detection/utils/context_manager.py → build/lib/object_detection/utils
copying object_detection/utils/static_shape.py → build/lib/object_detection/utils
copying object_detection/utils/config_util_test.py → build/lib/object_detection/utils
copying object_detection/utils/visualization_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/ops.py → build/lib/object_detection/utils
copying object_detection/utils/json_utils.py → build/lib/object_detection/utils
copying object_detection/utils/np_box_mask_list.py → build/lib/object_detection/utils
copying object_detection/utils/ops_test.py → build/lib/object_detection/utils
copying object_detection/utils/metrics.py → build/lib/object_detection/utils
copying object_detection/utils/config_util.py → build/lib/object_detection/utils
copying object_detection/utils/per_image_evaluation.py → build/lib/object_detection/utils
copying object_detection/utils/np_mask_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_test.py → build/lib/object_detection/utils
copying object_detection/utils/object_detection_evaluation.py → build/lib/object_detection/utils
copying object_detection/utils/vrd_evaluation_test.py → build/lib/object_detection/utils
copying object_detection/utils/test_case.py → build/lib/object_detection/utils
copying object_detection/utils/category_util.py → build/lib/object_detection/utils
copying object_detection/utils/init.py → build/lib/object_detection/utils
copying object_detection/utils/shape_utils.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/learning_schedules_test.py → build/lib/object_detection/utils
copying object_detection/utils/learning_schedules.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/object_detection_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/label_map_util.py → build/lib/object_detection/utils
copying object_detection/utils/dataset_util_test.py → build/lib/object_detection/utils
copying object_detection/utils/variables_helper_test.py → build/lib/object_detection/utils
copying object_detection/utils/shape_utils_test.py → build/lib/object_detection/utils
copying object_detection/utils/np_box_list.py → build/lib/object_detection/utils
copying object_detection/utils/category_util_test.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_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/visualization_utils_test.py → build/lib/object_detection/utils
copying object_detection/utils/np_box_list_ops.py → build/lib/object_detection/utils
copying object_detection/utils/json_utils_test.py → build/lib/object_detection/utils
copying object_detection/utils/static_shape_test.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/vrd_evaluation.py → build/lib/object_detection/utils
copying object_detection/utils/dataset_util.py → build/lib/object_detection/utils
creating build/lib/object_detection/protos
copying object_detection/protos/square_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/preprocessor_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/image_resizer_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/eval_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/hyperparams_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/anchor_generator_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/input_reader_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/model_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/faster_rcnn_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/pipeline_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
copying object_detection/protos/string_int_label_map_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/box_coder_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/keypoint_box_coder_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/argmax_matcher_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/ssd_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/bipartite_matcher_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/post_processing_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/matcher_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/graph_rewriter_pb2.py → build/lib/object_detection/protos
copying object_detection/protos/box_predictor_pb2.py → build/lib/object_detection/protos
creating 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/init.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/grid_anchor_generator.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/multiscale_grid_anchor_generator_test.py → build/lib/object_detection/anchor_generators
creating build/lib/object_detection/inference
copying object_detection/inference/detection_inference.py → build/lib/object_detection/inference
copying object_detection/inference/init.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
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/trainer_test.py → build/lib/object_detection/legacy
copying object_detection/legacy/trainer.py → build/lib/object_detection/legacy
copying object_detection/legacy/train.py → build/lib/object_detection/legacy
copying object_detection/legacy/init.py → build/lib/object_detection/legacy
creating 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/faster_rcnn_box_coder.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/init.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/faster_rcnn_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/CONTRIBUTING.md → build/lib/object_detection
copying object_detection/README.md → build/lib/object_detection
copying object_detection/object_detection_tutorial.ipynb → build/lib/object_detection
creating build/lib/object_detection/data
copying object_detection/data/ava_label_map_v2.1.pbtxt → build/lib/object_detection/data
copying object_detection/data/kitti_label_map.pbtxt → build/lib/object_detection/data
copying object_detection/data/mscoco_label_map.pbtxt → build/lib/object_detection/data
copying object_detection/data/oid_bbox_trainable_label_map.pbtxt → build/lib/object_detection/data
copying object_detection/data/oid_object_detection_challenge_500_label_map.pbtxt → build/lib/object_detection/data
copying object_detection/data/pascal_label_map.pbtxt → build/lib/object_detection/data
copying object_detection/data/pet_label_map.pbtxt → build/lib/object_detection/data
creating build/lib/object_detection/dockerfiles
creating build/lib/object_detection/dockerfiles/android
copying object_detection/dockerfiles/android/Dockerfile → build/lib/object_detection/dockerfiles/android
copying object_detection/dockerfiles/android/README.md → build/lib/object_detection/dockerfiles/android
creating build/lib/object_detection/g3doc
copying object_detection/g3doc/challenge_evaluation.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/configuring_jobs.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/defining_your_own_model.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/detection_model_zoo.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/evaluation_protocols.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/exporting_models.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/faq.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/installation.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/instance_segmentation.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/oid_inference_and_evaluation.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/preparing_inputs.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/running_locally.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/running_notebook.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/running_on_cloud.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/running_on_mobile_tensorflowlite.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/running_pets.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/tpu_compatibility.md → build/lib/object_detection/g3doc
copying object_detection/g3doc/using_your_own_dataset.md → build/lib/object_detection/g3doc
creating build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/dogs_detections_output.jpg → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/example_cat.jpg → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/groupof_case_eval.png → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/kites_detections_output.jpg → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/kites_with_segment_overlay.png → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/nongroupof_case_eval.png → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/oid_bus_72e19c28aac34ed8.jpg → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/oid_monkey_3b4168c89cecbc5b.jpg → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/oxford_pet.png → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/tensorboard.png → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/tensorboard2.png → build/lib/object_detection/g3doc/img
copying object_detection/g3doc/img/tf-od-api-logo.png → build/lib/object_detection/g3doc/img
creating build/lib/object_detection/samples
creating build/lib/object_detection/samples/cloud
copying object_detection/samples/cloud/cloud.yml → build/lib/object_detection/samples/cloud
creating build/lib/object_detection/samples/configs
copying object_detection/samples/configs/embedded_ssd_mobilenet_v1_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_cosine_lr_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_oid.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_inception_v2_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_inception_v2_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_nas_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet101_atrous_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet101_ava_v2.1.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet101_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet101_kitti.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet101_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet101_voc07.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet152_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet152_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet50_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/faster_rcnn_resnet50_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/mask_rcnn_inception_resnet_v2_atrous_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/mask_rcnn_inception_v2_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/mask_rcnn_resnet101_atrous_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/mask_rcnn_resnet101_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/mask_rcnn_resnet50_atrous_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/rfcn_resnet101_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/rfcn_resnet101_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_inception_v2_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_inception_v2_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_inception_v3_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_0.75_depth_300x300_coco14_sync.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_0.75_depth_quantized_300x300_coco14_sync.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_0.75_depth_quantized_300x300_pets_sync.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_300x300_coco14_sync.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_focal_loss_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_fpn_shared_box_predictor_640x640_coco14_sync.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_pets.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_ppn_shared_box_predictor_300x300_coco14_sync.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v1_quantized_300x300_coco14_sync.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_mobilenet_v2_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssd_resnet50_v1_fpn_shared_box_predictor_640x640_coco14_sync.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssdlite_mobilenet_v1_coco.config → build/lib/object_detection/samples/configs
copying object_detection/samples/configs/ssdlite_mobilenet_v2_coco.config → build/lib/object_detection/samples/configs
creating build/lib/object_detection/test_ckpt
copying object_detection/test_ckpt/ssd_inception_v2.pb → build/lib/object_detection/test_ckpt
creating build/lib/object_detection/test_data
copying object_detection/test_data/pets_examples.record → build/lib/object_detection/test_data
creating build/lib/object_detection/test_images
copying object_detection/test_images/image1.jpg → build/lib/object_detection/test_images
copying object_detection/test_images/image2.jpg → build/lib/object_detection/test_images
copying object_detection/test_images/image_info.txt → build/lib/object_detection/test_images
copying object_detection/dataset_tools/create_pycocotools_package.sh → build/lib/object_detection/dataset_tools
copying object_detection/dataset_tools/download_and_preprocess_mscoco.sh → build/lib/object_detection/dataset_tools
copying object_detection/protos/anchor_generator.proto → build/lib/object_detection/protos
copying object_detection/protos/argmax_matcher.proto → build/lib/object_detection/protos
copying object_detection/protos/bipartite_matcher.proto → build/lib/object_detection/protos
copying object_detection/protos/box_coder.proto → build/lib/object_detection/protos
copying object_detection/protos/box_predictor.proto → build/lib/object_detection/protos
copying object_detection/protos/eval.proto → build/lib/object_detection/protos
copying object_detection/protos/faster_rcnn.proto → build/lib/object_detection/protos
copying object_detection/protos/faster_rcnn_box_coder.proto → build/lib/object_detection/protos
copying object_detection/protos/graph_rewriter.proto → build/lib/object_detection/protos
copying object_detection/protos/grid_anchor_generator.proto → build/lib/object_detection/protos
copying object_detection/protos/hyperparams.proto → build/lib/object_detection/protos
copying object_detection/protos/image_resizer.proto → build/lib/object_detection/protos
copying object_detection/protos/input_reader.proto → build/lib/object_detection/protos
copying object_detection/protos/keypoint_box_coder.proto → build/lib/object_detection/protos
copying object_detection/protos/losses.proto → build/lib/object_detection/protos
copying object_detection/protos/matcher.proto → build/lib/object_detection/protos
copying object_detection/protos/mean_stddev_box_coder.proto → build/lib/object_detection/protos
copying object_detection/protos/model.proto → build/lib/object_detection/protos
copying object_detection/protos/multiscale_anchor_generator.proto → build/lib/object_detection/protos
copying object_detection/protos/optimizer.proto → build/lib/object_detection/protos
copying object_detection/protos/pipeline.proto → build/lib/object_detection/protos
copying object_detection/protos/post_processing.proto → build/lib/object_detection/protos
copying object_detection/protos/preprocessor.proto → build/lib/object_detection/protos
copying object_detection/protos/region_similarity_calculator.proto → build/lib/object_detection/protos
copying object_detection/protos/square_box_coder.proto → build/lib/object_detection/protos
copying object_detection/protos/ssd.proto → build/lib/object_detection/protos
copying object_detection/protos/ssd_anchor_generator.proto → build/lib/object_detection/protos
copying object_detection/protos/string_int_label_map.proto → build/lib/object_detection/protos
copying object_detection/protos/train.proto → build/lib/object_detection/protos
creating build/bdist.linux-x86_64
creating build/bdist.linux-x86_64/egg
creating build/bdist.linux-x86_64/egg/object_detection
creating build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/target_assigner_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/keypoint_ops.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/preprocessor_cache.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/batcher.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/box_list_ops.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/keypoint_ops_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/region_similarity_calculator_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/data_decoder.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/matcher_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/matcher.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/minibatch_sampler.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/box_coder.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/box_list_ops_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/balanced_positive_negative_sampler.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/minibatch_sampler_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/box_predictor_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/batcher_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/init.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/region_similarity_calculator.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/model.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/preprocessor.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/preprocessor_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/losses.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/prefetcher.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/box_predictor.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/target_assigner.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/data_parser.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/standard_fields.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/post_processing_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/box_list_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/losses_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/anchor_generator.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/box_list.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/post_processing.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/box_coder_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/prefetcher_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/core/balanced_positive_negative_sampler_test.py → build/bdist.linux-x86_64/egg/object_detection/core
copying build/lib/object_detection/inputs.py → build/bdist.linux-x86_64/egg/object_detection
creating build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_resnet_v1_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_inception_v2_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_inception_v2_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/feature_map_generators.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_mobilenet_v1_fpn_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_mobilenet_v1_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_resnet_v1_ppn_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_inception_resnet_v2_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_resnet_v1_ppn_feature_extractor_testbase.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_nas_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_mobilenet_v1_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_mobilenet_v1_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_inception_v2_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_resnet_v1_fpn_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_pnas_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_inception_v3_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_mobilenet_v1_ppn_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/embedded_ssd_mobilenet_v1_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/init.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_mobilenet_v1_ppn_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_mobilenet_v1_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_pnas_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_resnet_v1_ppn_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_mobilenet_v1_fpn_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_resnet_v1_fpn_feature_extractor_testbase.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_inception_v2_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_mobilenet_v2_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/embedded_ssd_mobilenet_v1_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_resnet_v1_fpn_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_resnet_v1_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_inception_resnet_v2_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_mobilenet_v2_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/ssd_inception_v3_feature_extractor_test.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/faster_rcnn_nas_feature_extractor.py → build/bdist.linux-x86_64/egg/object_detection/models
copying build/lib/object_detection/models/feature_map_generators_test.py → build/bdist.linux-x86_64/egg/object_detection/models
creating build/bdist.linux-x86_64/egg/object_detection/test_images
copying build/lib/object_detection/test_images/image2.jpg → build/bdist.linux-x86_64/egg/object_detection/test_images
copying build/lib/object_detection/test_images/image_info.txt → build/bdist.linux-x86_64/egg/object_detection/test_images
copying build/lib/object_detection/test_images/image1.jpg → build/bdist.linux-x86_64/egg/object_detection/test_images
creating build/bdist.linux-x86_64/egg/object_detection/matchers
copying build/lib/object_detection/matchers/argmax_matcher_test.py → build/bdist.linux-x86_64/egg/object_detection/matchers
copying build/lib/object_detection/matchers/argmax_matcher.py → build/bdist.linux-x86_64/egg/object_detection/matchers
copying build/lib/object_detection/matchers/init.py → build/bdist.linux-x86_64/egg/object_detection/matchers
copying build/lib/object_detection/matchers/bipartite_matcher.py → build/bdist.linux-x86_64/egg/object_detection/matchers
copying build/lib/object_detection/matchers/bipartite_matcher_test.py → build/bdist.linux-x86_64/egg/object_detection/matchers
copying build/lib/object_detection/README.md → build/bdist.linux-x86_64/egg/object_detection
copying build/lib/object_detection/inputs_test.py → build/bdist.linux-x86_64/egg/object_detection
copying build/lib/object_detection/eval_util_test.py → build/bdist.linux-x86_64/egg/object_detection
creating build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/offline_eval_map_corloc.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/offline_eval_map_corloc_test.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/tf_example_parser_test.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/io_utils.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/oid_vrd_challenge_evaluation.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/oid_od_challenge_evaluation.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/tf_example_parser.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/oid_vrd_challenge_evaluation_utils.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/coco_tools.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/coco_tools_test.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/init.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/coco_evaluation.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/coco_evaluation_test.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/oid_od_challenge_evaluation_utils.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/oid_vrd_challenge_evaluation_utils_test.py → build/bdist.linux-x86_64/egg/object_detection/metrics
copying build/lib/object_detection/metrics/oid_od_challenge_evaluation_utils_test.py → build/bdist.linux-x86_64/egg/object_detection/metrics
creating build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/tf_record_creation_util.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/oid_hierarchical_labels_expansion.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_pet_tf_record.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/tf_record_creation_util_test.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_pascal_tf_record.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/oid_tfrecord_creation.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_pycocotools_package.sh → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_kitti_tf_record_test.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/oid_tfrecord_creation_test.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/init.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_oid_tf_record.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_coco_tf_record.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_coco_tf_record_test.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_kitti_tf_record.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/create_pascal_tf_record_test.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/oid_hierarchical_labels_expansion_test.py → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/dataset_tools/download_and_preprocess_mscoco.sh → build/bdist.linux-x86_64/egg/object_detection/dataset_tools
copying build/lib/object_detection/model_lib.py → build/bdist.linux-x86_64/egg/object_detection
creating build/bdist.linux-x86_64/egg/object_detection/test_ckpt
copying build/lib/object_detection/test_ckpt/ssd_inception_v2.pb → build/bdist.linux-x86_64/egg/object_detection/test_ckpt
creating build/bdist.linux-x86_64/egg/object_detection/data_decoders
copying build/lib/object_detection/data_decoders/init.py → build/bdist.linux-x86_64/egg/object_detection/data_decoders
copying build/lib/object_detection/data_decoders/tf_example_decoder_test.py → build/bdist.linux-x86_64/egg/object_detection/data_decoders
copying build/lib/object_detection/data_decoders/tf_example_decoder.py → build/bdist.linux-x86_64/egg/object_detection/data_decoders
creating build/bdist.linux-x86_64/egg/object_detection/meta_architectures
copying build/lib/object_detection/meta_architectures/faster_rcnn_meta_arch_test_lib.py → build/bdist.linux-x86_64/egg/object_detection/meta_architectures
copying build/lib/object_detection/meta_architectures/faster_rcnn_meta_arch_test.py → build/bdist.linux-x86_64/egg/object_detection/meta_architectures
copying build/lib/object_detection/meta_architectures/init.py → build/bdist.linux-x86_64/egg/object_detection/meta_architectures
copying build/lib/object_detection/meta_architectures/rfcn_meta_arch.py → build/bdist.linux-x86_64/egg/object_detection/meta_architectures
copying build/lib/object_detection/meta_architectures/rfcn_meta_arch_test.py → build/bdist.linux-x86_64/egg/object_detection/meta_architectures
copying build/lib/object_detection/meta_architectures/ssd_meta_arch.py → build/bdist.linux-x86_64/egg/object_detection/meta_architectures
copying build/lib/object_detection/meta_architectures/faster_rcnn_meta_arch.py → build/bdist.linux-x86_64/egg/object_detection/meta_architectures
copying build/lib/object_detection/meta_architectures/ssd_meta_arch_test.py → build/bdist.linux-x86_64/egg/object_detection/meta_architectures
creating build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/using_your_own_dataset.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
creating build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/tensorboard.png → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/oid_bus_72e19c28aac34ed8.jpg → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/nongroupof_case_eval.png → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/tensorboard2.png → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/dogs_detections_output.jpg → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/kites_detections_output.jpg → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/tf-od-api-logo.png → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/kites_with_segment_overlay.png → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/oxford_pet.png → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/example_cat.jpg → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/groupof_case_eval.png → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/img/oid_monkey_3b4168c89cecbc5b.jpg → build/bdist.linux-x86_64/egg/object_detection/g3doc/img
copying build/lib/object_detection/g3doc/running_on_cloud.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/oid_inference_and_evaluation.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/running_locally.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/configuring_jobs.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/running_on_mobile_tensorflowlite.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/running_notebook.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/running_pets.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/instance_segmentation.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/faq.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/detection_model_zoo.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/challenge_evaluation.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/exporting_models.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/defining_your_own_model.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/installation.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/evaluation_protocols.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/tpu_compatibility.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
copying build/lib/object_detection/g3doc/preparing_inputs.md → build/bdist.linux-x86_64/egg/object_detection/g3doc
creating build/bdist.linux

Hi,

The page is out of date.
Please check our document for the latest release:
[url]Installing TensorFlow for Jetson Platform :: NVIDIA Deep Learning Frameworks Documentation

Thanks.