├── .gitignore ├── .gitmodules ├── CarConnector.py ├── CarDriver.py ├── DQNAgentSim.py ├── Detector.py ├── EnvironmentSim.py ├── MultiRotorConnector.py ├── README.md ├── TF_ObjectDetection ├── Commands.README ├── object_detection │ ├── CONTRIBUTING.md │ ├── README.md │ ├── __init__.py │ ├── anchor_generators │ │ ├── __init__.py │ │ ├── grid_anchor_generator.py │ │ ├── grid_anchor_generator_test.py │ │ ├── multiple_grid_anchor_generator.py │ │ ├── multiple_grid_anchor_generator_test.py │ │ ├── multiscale_grid_anchor_generator.py │ │ └── multiscale_grid_anchor_generator_test.py │ ├── box_coders │ │ ├── __init__.py │ │ ├── faster_rcnn_box_coder.py │ │ ├── faster_rcnn_box_coder_test.py │ │ ├── keypoint_box_coder.py │ │ ├── keypoint_box_coder_test.py │ │ ├── mean_stddev_box_coder.py │ │ ├── mean_stddev_box_coder_test.py │ │ ├── square_box_coder.py │ │ └── square_box_coder_test.py │ ├── builders │ │ ├── __init__.py │ │ ├── anchor_generator_builder.py │ │ ├── anchor_generator_builder_test.py │ │ ├── box_coder_builder.py │ │ ├── box_coder_builder_test.py │ │ ├── box_predictor_builder.py │ │ ├── box_predictor_builder_test.py │ │ ├── dataset_builder.py │ │ ├── dataset_builder_test.py │ │ ├── hyperparams_builder.py │ │ ├── hyperparams_builder_test.py │ │ ├── image_resizer_builder.py │ │ ├── image_resizer_builder_test.py │ │ ├── input_reader_builder.py │ │ ├── input_reader_builder_test.py │ │ ├── losses_builder.py │ │ ├── losses_builder_test.py │ │ ├── matcher_builder.py │ │ ├── matcher_builder_test.py │ │ ├── model_builder.py │ │ ├── model_builder_test.py │ │ ├── optimizer_builder.py │ │ ├── optimizer_builder_test.py │ │ ├── post_processing_builder.py │ │ ├── post_processing_builder_test.py │ │ ├── preprocessor_builder.py │ │ ├── preprocessor_builder_test.py │ │ ├── region_similarity_calculator_builder.py │ │ └── region_similarity_calculator_builder_test.py │ ├── core │ │ ├── __init__.py │ │ ├── anchor_generator.py │ │ ├── balanced_positive_negative_sampler.py │ │ ├── balanced_positive_negative_sampler_test.py │ │ ├── batcher.py │ │ ├── batcher_test.py │ │ ├── box_coder.py │ │ ├── box_coder_test.py │ │ ├── box_list.py │ │ ├── box_list_ops.py │ │ ├── box_list_ops_test.py │ │ ├── box_list_test.py │ │ ├── box_predictor.py │ │ ├── box_predictor_test.py │ │ ├── data_decoder.py │ │ ├── data_parser.py │ │ ├── keypoint_ops.py │ │ ├── keypoint_ops_test.py │ │ ├── losses.py │ │ ├── losses_test.py │ │ ├── matcher.py │ │ ├── matcher_test.py │ │ ├── minibatch_sampler.py │ │ ├── minibatch_sampler_test.py │ │ ├── model.py │ │ ├── post_processing.py │ │ ├── post_processing_test.py │ │ ├── prefetcher.py │ │ ├── prefetcher_test.py │ │ ├── preprocessor.py │ │ ├── preprocessor_cache.py │ │ ├── preprocessor_test.py │ │ ├── region_similarity_calculator.py │ │ ├── region_similarity_calculator_test.py │ │ ├── standard_fields.py │ │ ├── target_assigner.py │ │ └── target_assigner_test.py │ ├── data │ │ ├── kitti_label_map.pbtxt │ │ ├── mscoco_label_map.pbtxt │ │ ├── oid_bbox_trainable_label_map.pbtxt │ │ ├── pascal_label_map.pbtxt │ │ └── pet_label_map.pbtxt │ ├── data_decoders │ │ ├── __init__.py │ │ ├── tf_example_decoder.py │ │ └── tf_example_decoder_test.py │ ├── dataset_tools │ │ ├── __init__.py │ │ ├── create_coco_tf_record.py │ │ ├── create_coco_tf_record_test.py │ │ ├── create_kitti_tf_record.py │ │ ├── create_kitti_tf_record_test.py │ │ ├── create_oid_tf_record.py │ │ ├── create_pascal_tf_record.py │ │ ├── create_pascal_tf_record_test.py │ │ ├── create_pet_tf_record.py │ │ ├── download_and_preprocess_mscoco.sh │ │ ├── oid_tfrecord_creation.py │ │ └── oid_tfrecord_creation_test.py │ ├── eval.py │ ├── eval_util.py │ ├── evaluator.py │ ├── export_inference_graph.py │ ├── exporter.py │ ├── exporter_test.py │ ├── g3doc │ │ ├── configuring_jobs.md │ │ ├── defining_your_own_model.md │ │ ├── detection_model_zoo.md │ │ ├── evaluation_protocols.md │ │ ├── exporting_models.md │ │ ├── faq.md │ │ ├── img │ │ │ ├── dogs_detections_output.jpg │ │ │ ├── example_cat.jpg │ │ │ ├── groupof_case_eval.png │ │ │ ├── kites_detections_output.jpg │ │ │ ├── kites_with_segment_overlay.png │ │ │ ├── nongroupof_case_eval.png │ │ │ ├── oid_bus_72e19c28aac34ed8.jpg │ │ │ ├── oid_monkey_3b4168c89cecbc5b.jpg │ │ │ ├── oxford_pet.png │ │ │ ├── tensorboard.png │ │ │ ├── tensorboard2.png │ │ │ └── tf-od-api-logo.png │ │ ├── installation.md │ │ ├── instance_segmentation.md │ │ ├── oid_inference_and_evaluation.md │ │ ├── preparing_inputs.md │ │ ├── running_locally.md │ │ ├── running_notebook.md │ │ ├── running_on_cloud.md │ │ ├── running_pets.md │ │ └── using_your_own_dataset.md │ ├── inference │ │ ├── __init__.py │ │ ├── detection_inference.py │ │ ├── detection_inference_test.py │ │ └── infer_detections.py │ ├── inputs.py │ ├── inputs_test.py │ ├── matchers │ │ ├── __init__.py │ │ ├── argmax_matcher.py │ │ ├── argmax_matcher_test.py │ │ ├── bipartite_matcher.py │ │ └── bipartite_matcher_test.py │ ├── meta_architectures │ │ ├── __init__.py │ │ ├── faster_rcnn_meta_arch.py │ │ ├── faster_rcnn_meta_arch_test.py │ │ ├── faster_rcnn_meta_arch_test_lib.py │ │ ├── rfcn_meta_arch.py │ │ ├── rfcn_meta_arch_test.py │ │ ├── ssd_meta_arch.py │ │ └── ssd_meta_arch_test.py │ ├── metrics │ │ ├── __init__.py │ │ ├── coco_evaluation.py │ │ ├── coco_evaluation_test.py │ │ ├── coco_tools.py │ │ ├── coco_tools_test.py │ │ ├── offline_eval_map_corloc.py │ │ ├── offline_eval_map_corloc_test.py │ │ ├── tf_example_parser.py │ │ └── tf_example_parser_test.py │ ├── model.py │ ├── model_hparams.py │ ├── model_test.py │ ├── model_test_util.py │ ├── model_tpu.py │ ├── models │ │ ├── __init__.py │ │ ├── embedded_ssd_mobilenet_v1_feature_extractor.py │ │ ├── embedded_ssd_mobilenet_v1_feature_extractor_test.py │ │ ├── faster_rcnn_inception_resnet_v2_feature_extractor.py │ │ ├── faster_rcnn_inception_resnet_v2_feature_extractor_test.py │ │ ├── faster_rcnn_inception_v2_feature_extractor.py │ │ ├── faster_rcnn_inception_v2_feature_extractor_test.py │ │ ├── faster_rcnn_nas_feature_extractor.py │ │ ├── faster_rcnn_nas_feature_extractor_test.py │ │ ├── faster_rcnn_resnet_v1_feature_extractor.py │ │ ├── faster_rcnn_resnet_v1_feature_extractor_test.py │ │ ├── feature_map_generators.py │ │ ├── feature_map_generators_test.py │ │ ├── ssd_feature_extractor_test.py │ │ ├── ssd_inception_v2_feature_extractor.py │ │ ├── ssd_inception_v2_feature_extractor_test.py │ │ ├── ssd_inception_v3_feature_extractor.py │ │ ├── ssd_inception_v3_feature_extractor_test.py │ │ ├── ssd_mobilenet_v1_feature_extractor.py │ │ ├── ssd_mobilenet_v1_feature_extractor_test.py │ │ ├── ssd_resnet_v1_fpn_feature_extractor.py │ │ ├── ssd_resnet_v1_fpn_feature_extractor_test.py │ │ └── ssd_resnet_v1_fpn_feature_extractor_testbase.py │ ├── object_detection_tutorial.ipynb │ ├── protos │ │ ├── __init__.py │ │ ├── anchor_generator.proto │ │ ├── anchor_generator_pb2.py │ │ ├── argmax_matcher.proto │ │ ├── argmax_matcher_pb2.py │ │ ├── bipartite_matcher.proto │ │ ├── bipartite_matcher_pb2.py │ │ ├── box_coder.proto │ │ ├── box_coder_pb2.py │ │ ├── box_predictor.proto │ │ ├── box_predictor_pb2.py │ │ ├── eval.proto │ │ ├── eval_pb2.py │ │ ├── faster_rcnn.proto │ │ ├── faster_rcnn_box_coder.proto │ │ ├── faster_rcnn_box_coder_pb2.py │ │ ├── faster_rcnn_pb2.py │ │ ├── grid_anchor_generator.proto │ │ ├── grid_anchor_generator_pb2.py │ │ ├── hyperparams.proto │ │ ├── hyperparams_pb2.py │ │ ├── image_resizer.proto │ │ ├── image_resizer_pb2.py │ │ ├── input_reader.proto │ │ ├── input_reader_pb2.py │ │ ├── keypoint_box_coder.proto │ │ ├── keypoint_box_coder_pb2.py │ │ ├── losses.proto │ │ ├── losses_pb2.py │ │ ├── matcher.proto │ │ ├── matcher_pb2.py │ │ ├── mean_stddev_box_coder.proto │ │ ├── mean_stddev_box_coder_pb2.py │ │ ├── model.proto │ │ ├── model_pb2.py │ │ ├── multiscale_anchor_generator.proto │ │ ├── multiscale_anchor_generator_pb2.py │ │ ├── optimizer.proto │ │ ├── optimizer_pb2.py │ │ ├── pipeline.proto │ │ ├── pipeline_pb2.py │ │ ├── post_processing.proto │ │ ├── post_processing_pb2.py │ │ ├── preprocessor.proto │ │ ├── preprocessor_pb2.py │ │ ├── region_similarity_calculator.proto │ │ ├── region_similarity_calculator_pb2.py │ │ ├── square_box_coder.proto │ │ ├── square_box_coder_pb2.py │ │ ├── ssd.proto │ │ ├── ssd_anchor_generator.proto │ │ ├── ssd_anchor_generator_pb2.py │ │ ├── ssd_pb2.py │ │ ├── string_int_label_map.proto │ │ ├── string_int_label_map_pb2.py │ │ ├── train.proto │ │ └── train_pb2.py │ ├── samples │ │ ├── cloud │ │ │ └── cloud.yml │ │ └── configs │ │ │ ├── embedded_ssd_mobilenet_v1_coco.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_coco.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_cosine_lr_coco.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_oid.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_pets.config │ │ │ ├── faster_rcnn_inception_v2_coco.config │ │ │ ├── faster_rcnn_inception_v2_pets.config │ │ │ ├── faster_rcnn_nas_coco.config │ │ │ ├── faster_rcnn_resnet101_atrous_coco.config │ │ │ ├── faster_rcnn_resnet101_coco.config │ │ │ ├── faster_rcnn_resnet101_kitti.config │ │ │ ├── faster_rcnn_resnet101_pets.config │ │ │ ├── faster_rcnn_resnet101_voc07.config │ │ │ ├── faster_rcnn_resnet152_coco.config │ │ │ ├── faster_rcnn_resnet152_pets.config │ │ │ ├── faster_rcnn_resnet50_coco.config │ │ │ ├── faster_rcnn_resnet50_pets.config │ │ │ ├── mask_rcnn_inception_resnet_v2_atrous_coco.config │ │ │ ├── mask_rcnn_inception_v2_coco.config │ │ │ ├── mask_rcnn_resnet101_atrous_coco.config │ │ │ ├── mask_rcnn_resnet101_pets.config │ │ │ ├── mask_rcnn_resnet50_atrous_coco.config │ │ │ ├── rfcn_resnet101_coco.config │ │ │ ├── rfcn_resnet101_pets.config │ │ │ ├── ssd_inception_v2_coco.config │ │ │ ├── ssd_inception_v2_pets.config │ │ │ ├── ssd_inception_v3_pets.config │ │ │ ├── ssd_mobilenet_v1_coco.config │ │ │ ├── ssd_mobilenet_v1_focal_loss_coco.config │ │ │ ├── ssd_mobilenet_v1_focal_loss_pets.config │ │ │ └── ssd_mobilenet_v1_pets.config │ ├── test_data │ │ └── pets_examples.record │ ├── test_images │ │ ├── image1.jpg │ │ ├── image2.jpg │ │ └── image_info.txt │ ├── train.py │ ├── trainer.py │ ├── trainer_test.py │ └── utils │ │ ├── __init__.py │ │ ├── category_util.py │ │ ├── category_util_test.py │ │ ├── config_util.py │ │ ├── config_util_test.py │ │ ├── dataset_util.py │ │ ├── dataset_util_test.py │ │ ├── json_utils.py │ │ ├── json_utils_test.py │ │ ├── label_map_util.py │ │ ├── label_map_util_test.py │ │ ├── learning_schedules.py │ │ ├── learning_schedules_test.py │ │ ├── metrics.py │ │ ├── metrics_test.py │ │ ├── np_box_list.py │ │ ├── np_box_list_ops.py │ │ ├── np_box_list_ops_test.py │ │ ├── np_box_list_test.py │ │ ├── np_box_mask_list.py │ │ ├── np_box_mask_list_ops.py │ │ ├── np_box_mask_list_ops_test.py │ │ ├── np_box_mask_list_test.py │ │ ├── np_box_ops.py │ │ ├── np_box_ops_test.py │ │ ├── np_mask_ops.py │ │ ├── np_mask_ops_test.py │ │ ├── object_detection_evaluation.py │ │ ├── object_detection_evaluation_test.py │ │ ├── ops.py │ │ ├── ops_test.py │ │ ├── per_image_evaluation.py │ │ ├── per_image_evaluation_test.py │ │ ├── shape_utils.py │ │ ├── shape_utils_test.py │ │ ├── static_shape.py │ │ ├── static_shape_test.py │ │ ├── test_case.py │ │ ├── test_utils.py │ │ ├── test_utils_test.py │ │ ├── variables_helper.py │ │ ├── variables_helper_test.py │ │ ├── visualization_utils.py │ │ └── visualization_utils_test.py ├── prepare_data.py └── slim │ ├── BUILD │ ├── README.md │ ├── WORKSPACE │ ├── __init__.py │ ├── datasets │ ├── __init__.py │ ├── build_imagenet_data.py │ ├── cifar10.py │ ├── dataset_factory.py │ ├── dataset_utils.py │ ├── download_and_convert_cifar10.py │ ├── download_and_convert_flowers.py │ ├── download_and_convert_imagenet.sh │ ├── download_and_convert_mnist.py │ ├── download_imagenet.sh │ ├── flowers.py │ ├── imagenet.py │ ├── imagenet_2012_validation_synset_labels.txt │ ├── imagenet_lsvrc_2015_synsets.txt │ ├── imagenet_metadata.txt │ ├── mnist.py │ ├── preprocess_imagenet_validation_data.py │ └── process_bounding_boxes.py │ ├── deployment │ ├── __init__.py │ ├── model_deploy.py │ └── model_deploy_test.py │ ├── download_and_convert_data.py │ ├── eval_image_classifier.py │ ├── export_inference_graph.py │ ├── export_inference_graph_test.py │ ├── nets │ ├── __init__.py │ ├── alexnet.py │ ├── alexnet_test.py │ ├── cifarnet.py │ ├── cyclegan.py │ ├── cyclegan_test.py │ ├── dcgan.py │ ├── dcgan_test.py │ ├── inception.py │ ├── inception_resnet_v2.py │ ├── inception_resnet_v2_test.py │ ├── inception_utils.py │ ├── inception_v1.py │ ├── inception_v1_test.py │ ├── inception_v2.py │ ├── inception_v2_test.py │ ├── inception_v3.py │ ├── inception_v3_test.py │ ├── inception_v4.py │ ├── inception_v4_test.py │ ├── lenet.py │ ├── mobilenet │ │ ├── README.md │ │ ├── __init__.py │ │ ├── conv_blocks.py │ │ ├── mobilenet.py │ │ ├── mobilenet_v2.py │ │ └── mobilenet_v2_test.py │ ├── mobilenet_v1.md │ ├── mobilenet_v1.png │ ├── mobilenet_v1.py │ ├── mobilenet_v1_eval.py │ ├── mobilenet_v1_test.py │ ├── mobilenet_v1_train.py │ ├── nasnet │ │ ├── README.md │ │ ├── __init__.py │ │ ├── nasnet.py │ │ ├── nasnet_test.py │ │ ├── nasnet_utils.py │ │ └── nasnet_utils_test.py │ ├── nets_factory.py │ ├── nets_factory_test.py │ ├── overfeat.py │ ├── overfeat_test.py │ ├── pix2pix.py │ ├── pix2pix_test.py │ ├── resnet_utils.py │ ├── resnet_v1.py │ ├── resnet_v1_test.py │ ├── resnet_v2.py │ ├── resnet_v2_test.py │ ├── vgg.py │ └── vgg_test.py │ ├── preprocessing │ ├── __init__.py │ ├── cifarnet_preprocessing.py │ ├── inception_preprocessing.py │ ├── lenet_preprocessing.py │ ├── preprocessing_factory.py │ └── vgg_preprocessing.py │ ├── scripts │ ├── export_mobilenet.sh │ ├── finetune_inception_resnet_v2_on_flowers.sh │ ├── finetune_inception_v1_on_flowers.sh │ ├── finetune_inception_v3_on_flowers.sh │ ├── finetune_resnet_v1_50_on_flowers.sh │ ├── train_cifarnet_on_cifar10.sh │ └── train_lenet_on_mnist.sh │ ├── setup.py │ ├── slim_walkthrough.ipynb │ └── train_image_classifier.py ├── Test.py ├── config.json ├── experiments ├── DQNAgent.py ├── DQNAgentRealTimeImg.py ├── DQNAgentTest.py ├── Environment.py ├── EnvironmentGridSeq.py ├── EnvironmentRealTimeImg.py ├── EnvironmentSeq.py ├── EnvironmentSeqRT.py └── EnvironmentTest.py └── tools ├── BaselineTracker.py ├── DataCapture.py └── GenerateTrackerBoxes.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/.gitmodules -------------------------------------------------------------------------------- /CarConnector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/CarConnector.py -------------------------------------------------------------------------------- /CarDriver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/CarDriver.py -------------------------------------------------------------------------------- /DQNAgentSim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/DQNAgentSim.py -------------------------------------------------------------------------------- /Detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/Detector.py -------------------------------------------------------------------------------- /EnvironmentSim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/EnvironmentSim.py -------------------------------------------------------------------------------- /MultiRotorConnector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/MultiRotorConnector.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/README.md -------------------------------------------------------------------------------- /TF_ObjectDetection/Commands.README: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/Commands.README -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/CONTRIBUTING.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/README.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/anchor_generators/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/anchor_generators/grid_anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/anchor_generators/grid_anchor_generator.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/anchor_generators/grid_anchor_generator_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/anchor_generators/grid_anchor_generator_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/anchor_generators/multiple_grid_anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/anchor_generators/multiple_grid_anchor_generator.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/anchor_generators/multiple_grid_anchor_generator_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/anchor_generators/multiple_grid_anchor_generator_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/anchor_generators/multiscale_grid_anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/anchor_generators/multiscale_grid_anchor_generator.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/anchor_generators/multiscale_grid_anchor_generator_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/anchor_generators/multiscale_grid_anchor_generator_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/faster_rcnn_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/box_coders/faster_rcnn_box_coder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/faster_rcnn_box_coder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/box_coders/faster_rcnn_box_coder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/keypoint_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/box_coders/keypoint_box_coder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/keypoint_box_coder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/box_coders/keypoint_box_coder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/mean_stddev_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/box_coders/mean_stddev_box_coder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/mean_stddev_box_coder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/box_coders/mean_stddev_box_coder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/square_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/box_coders/square_box_coder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/box_coders/square_box_coder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/box_coders/square_box_coder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/anchor_generator_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/anchor_generator_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/anchor_generator_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/anchor_generator_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/box_coder_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/box_coder_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/box_coder_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/box_coder_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/box_predictor_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/box_predictor_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/box_predictor_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/box_predictor_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/dataset_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/dataset_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/dataset_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/dataset_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/hyperparams_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/hyperparams_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/hyperparams_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/hyperparams_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/image_resizer_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/image_resizer_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/image_resizer_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/image_resizer_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/input_reader_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/input_reader_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/input_reader_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/input_reader_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/losses_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/losses_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/losses_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/losses_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/matcher_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/matcher_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/matcher_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/matcher_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/model_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/model_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/model_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/model_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/optimizer_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/optimizer_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/optimizer_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/optimizer_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/post_processing_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/post_processing_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/post_processing_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/post_processing_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/preprocessor_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/preprocessor_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/preprocessor_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/preprocessor_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/region_similarity_calculator_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/region_similarity_calculator_builder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/builders/region_similarity_calculator_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/builders/region_similarity_calculator_builder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/anchor_generator.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/balanced_positive_negative_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/balanced_positive_negative_sampler.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/balanced_positive_negative_sampler_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/balanced_positive_negative_sampler_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/batcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/batcher.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/batcher_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/batcher_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/box_coder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/box_coder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/box_coder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/box_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/box_list.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/box_list_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/box_list_ops.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/box_list_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/box_list_ops_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/box_list_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/box_list_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/box_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/box_predictor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/box_predictor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/box_predictor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/data_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/data_decoder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/data_parser.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/keypoint_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/keypoint_ops.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/keypoint_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/keypoint_ops_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/losses.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/losses_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/losses_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/matcher.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/matcher_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/matcher_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/minibatch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/minibatch_sampler.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/minibatch_sampler_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/minibatch_sampler_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/model.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/post_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/post_processing.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/post_processing_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/post_processing_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/prefetcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/prefetcher.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/prefetcher_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/prefetcher_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/preprocessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/preprocessor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/preprocessor_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/preprocessor_cache.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/preprocessor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/preprocessor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/region_similarity_calculator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/region_similarity_calculator.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/region_similarity_calculator_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/region_similarity_calculator_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/standard_fields.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/standard_fields.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/target_assigner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/target_assigner.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/core/target_assigner_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/core/target_assigner_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/data/kitti_label_map.pbtxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/data/kitti_label_map.pbtxt -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/data/mscoco_label_map.pbtxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/data/mscoco_label_map.pbtxt -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/data/oid_bbox_trainable_label_map.pbtxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/data/oid_bbox_trainable_label_map.pbtxt -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/data/pascal_label_map.pbtxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/data/pascal_label_map.pbtxt -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/data/pet_label_map.pbtxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/data/pet_label_map.pbtxt -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/data_decoders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/data_decoders/tf_example_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/data_decoders/tf_example_decoder.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/data_decoders/tf_example_decoder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/data_decoders/tf_example_decoder_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/create_coco_tf_record.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/create_coco_tf_record.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/create_coco_tf_record_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/create_coco_tf_record_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/create_kitti_tf_record.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/create_kitti_tf_record.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/create_kitti_tf_record_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/create_kitti_tf_record_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/create_oid_tf_record.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/create_oid_tf_record.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/create_pascal_tf_record.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/create_pascal_tf_record.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/create_pascal_tf_record_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/create_pascal_tf_record_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/create_pet_tf_record.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/create_pet_tf_record.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/download_and_preprocess_mscoco.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/download_and_preprocess_mscoco.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/oid_tfrecord_creation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/oid_tfrecord_creation.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/dataset_tools/oid_tfrecord_creation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/dataset_tools/oid_tfrecord_creation_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/eval.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/eval_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/eval_util.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/evaluator.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/export_inference_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/export_inference_graph.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/exporter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/exporter.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/exporter_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/exporter_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/configuring_jobs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/configuring_jobs.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/defining_your_own_model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/defining_your_own_model.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/detection_model_zoo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/detection_model_zoo.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/evaluation_protocols.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/evaluation_protocols.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/exporting_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/exporting_models.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/faq.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/dogs_detections_output.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/dogs_detections_output.jpg -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/example_cat.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/example_cat.jpg -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/groupof_case_eval.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/groupof_case_eval.png -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/kites_detections_output.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/kites_detections_output.jpg -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/kites_with_segment_overlay.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/kites_with_segment_overlay.png -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/nongroupof_case_eval.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/nongroupof_case_eval.png -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/oid_bus_72e19c28aac34ed8.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/oid_bus_72e19c28aac34ed8.jpg -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/oid_monkey_3b4168c89cecbc5b.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/oid_monkey_3b4168c89cecbc5b.jpg -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/oxford_pet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/oxford_pet.png -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/tensorboard.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/tensorboard.png -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/tensorboard2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/tensorboard2.png -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/img/tf-od-api-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/img/tf-od-api-logo.png -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/installation.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/instance_segmentation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/instance_segmentation.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/oid_inference_and_evaluation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/oid_inference_and_evaluation.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/preparing_inputs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/preparing_inputs.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/running_locally.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/running_locally.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/running_notebook.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/running_notebook.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/running_on_cloud.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/running_on_cloud.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/running_pets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/running_pets.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/g3doc/using_your_own_dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/g3doc/using_your_own_dataset.md -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/inference/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/inference/detection_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/inference/detection_inference.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/inference/detection_inference_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/inference/detection_inference_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/inference/infer_detections.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/inference/infer_detections.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/inputs.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/inputs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/inputs_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/matchers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/matchers/argmax_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/matchers/argmax_matcher.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/matchers/argmax_matcher_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/matchers/argmax_matcher_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/matchers/bipartite_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/matchers/bipartite_matcher.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/matchers/bipartite_matcher_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/matchers/bipartite_matcher_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/meta_architectures/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/meta_architectures/faster_rcnn_meta_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/meta_architectures/faster_rcnn_meta_arch.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/meta_architectures/faster_rcnn_meta_arch_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/meta_architectures/faster_rcnn_meta_arch_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/meta_architectures/faster_rcnn_meta_arch_test_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/meta_architectures/faster_rcnn_meta_arch_test_lib.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/meta_architectures/rfcn_meta_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/meta_architectures/rfcn_meta_arch.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/meta_architectures/rfcn_meta_arch_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/meta_architectures/rfcn_meta_arch_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/meta_architectures/ssd_meta_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/meta_architectures/ssd_meta_arch.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/meta_architectures/ssd_meta_arch_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/meta_architectures/ssd_meta_arch_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/metrics/coco_evaluation.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/coco_evaluation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/metrics/coco_evaluation_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/coco_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/metrics/coco_tools.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/coco_tools_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/metrics/coco_tools_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/offline_eval_map_corloc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/metrics/offline_eval_map_corloc.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/offline_eval_map_corloc_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/metrics/offline_eval_map_corloc_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/tf_example_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/metrics/tf_example_parser.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/metrics/tf_example_parser_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/metrics/tf_example_parser_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/model.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/model_hparams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/model_hparams.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/model_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/model_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/model_test_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/model_test_util.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/model_tpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/model_tpu.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/embedded_ssd_mobilenet_v1_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/embedded_ssd_mobilenet_v1_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/embedded_ssd_mobilenet_v1_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/embedded_ssd_mobilenet_v1_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/faster_rcnn_inception_resnet_v2_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/faster_rcnn_inception_resnet_v2_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/faster_rcnn_inception_resnet_v2_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/faster_rcnn_inception_resnet_v2_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/faster_rcnn_inception_v2_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/faster_rcnn_inception_v2_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/faster_rcnn_inception_v2_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/faster_rcnn_inception_v2_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/faster_rcnn_nas_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/faster_rcnn_nas_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/faster_rcnn_nas_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/faster_rcnn_nas_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/faster_rcnn_resnet_v1_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/faster_rcnn_resnet_v1_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/faster_rcnn_resnet_v1_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/faster_rcnn_resnet_v1_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/feature_map_generators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/feature_map_generators.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/feature_map_generators_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/feature_map_generators_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_inception_v2_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_inception_v2_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_inception_v2_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_inception_v2_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_inception_v3_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_inception_v3_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_inception_v3_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_inception_v3_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_mobilenet_v1_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_mobilenet_v1_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_mobilenet_v1_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_mobilenet_v1_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_resnet_v1_fpn_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_resnet_v1_fpn_feature_extractor.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_resnet_v1_fpn_feature_extractor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_resnet_v1_fpn_feature_extractor_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/models/ssd_resnet_v1_fpn_feature_extractor_testbase.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/models/ssd_resnet_v1_fpn_feature_extractor_testbase.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/object_detection_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/object_detection_tutorial.ipynb -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/anchor_generator.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/anchor_generator.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/anchor_generator_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/anchor_generator_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/argmax_matcher.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/argmax_matcher.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/argmax_matcher_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/argmax_matcher_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/bipartite_matcher.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/bipartite_matcher.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/bipartite_matcher_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/bipartite_matcher_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/box_coder.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/box_coder.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/box_coder_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/box_coder_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/box_predictor.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/box_predictor.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/box_predictor_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/box_predictor_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/eval.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/eval.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/eval_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/eval_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/faster_rcnn.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/faster_rcnn.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/faster_rcnn_box_coder.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/faster_rcnn_box_coder.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/faster_rcnn_box_coder_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/faster_rcnn_box_coder_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/faster_rcnn_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/faster_rcnn_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/grid_anchor_generator.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/grid_anchor_generator.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/grid_anchor_generator_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/grid_anchor_generator_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/hyperparams.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/hyperparams.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/hyperparams_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/hyperparams_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/image_resizer.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/image_resizer.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/image_resizer_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/image_resizer_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/input_reader.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/input_reader.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/input_reader_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/input_reader_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/keypoint_box_coder.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/keypoint_box_coder.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/keypoint_box_coder_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/keypoint_box_coder_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/losses.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/losses.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/losses_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/losses_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/matcher.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/matcher.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/matcher_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/matcher_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/mean_stddev_box_coder.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/mean_stddev_box_coder.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/mean_stddev_box_coder_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/mean_stddev_box_coder_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/model.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/model.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/model_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/model_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/multiscale_anchor_generator.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/multiscale_anchor_generator.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/multiscale_anchor_generator_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/multiscale_anchor_generator_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/optimizer.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/optimizer.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/optimizer_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/optimizer_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/pipeline.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/pipeline.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/pipeline_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/pipeline_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/post_processing.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/post_processing.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/post_processing_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/post_processing_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/preprocessor.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/preprocessor.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/preprocessor_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/preprocessor_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/region_similarity_calculator.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/region_similarity_calculator.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/region_similarity_calculator_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/region_similarity_calculator_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/square_box_coder.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/square_box_coder.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/square_box_coder_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/square_box_coder_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/ssd.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/ssd.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/ssd_anchor_generator.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/ssd_anchor_generator.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/ssd_anchor_generator_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/ssd_anchor_generator_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/ssd_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/ssd_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/string_int_label_map.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/string_int_label_map.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/string_int_label_map_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/string_int_label_map_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/train.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/train.proto -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/protos/train_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/protos/train_pb2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/cloud/cloud.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/cloud/cloud.yml -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/embedded_ssd_mobilenet_v1_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/embedded_ssd_mobilenet_v1_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_cosine_lr_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_cosine_lr_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_oid.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_oid.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_resnet_v2_atrous_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_v2_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_v2_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_v2_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_inception_v2_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_nas_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_nas_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_atrous_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_atrous_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_kitti.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_kitti.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_voc07.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet101_voc07.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet152_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet152_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet152_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet152_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet50_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet50_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet50_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/faster_rcnn_resnet50_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_inception_resnet_v2_atrous_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_inception_resnet_v2_atrous_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_inception_v2_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_inception_v2_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_resnet101_atrous_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_resnet101_atrous_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_resnet101_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_resnet101_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_resnet50_atrous_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/mask_rcnn_resnet50_atrous_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/rfcn_resnet101_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/rfcn_resnet101_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/rfcn_resnet101_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/rfcn_resnet101_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/ssd_inception_v2_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/ssd_inception_v2_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/ssd_inception_v2_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/ssd_inception_v2_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/ssd_inception_v3_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/ssd_inception_v3_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/ssd_mobilenet_v1_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/ssd_mobilenet_v1_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/ssd_mobilenet_v1_focal_loss_coco.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/ssd_mobilenet_v1_focal_loss_coco.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/ssd_mobilenet_v1_focal_loss_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/ssd_mobilenet_v1_focal_loss_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/samples/configs/ssd_mobilenet_v1_pets.config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/samples/configs/ssd_mobilenet_v1_pets.config -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/test_data/pets_examples.record: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/test_data/pets_examples.record -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/test_images/image1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/test_images/image1.jpg -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/test_images/image2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/test_images/image2.jpg -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/test_images/image_info.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/test_images/image_info.txt -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/train.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/trainer.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/trainer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/trainer_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/category_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/category_util.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/category_util_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/category_util_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/config_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/config_util.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/config_util_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/config_util_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/dataset_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/dataset_util.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/dataset_util_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/dataset_util_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/json_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/json_utils.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/json_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/json_utils_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/label_map_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/label_map_util.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/label_map_util_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/label_map_util_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/learning_schedules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/learning_schedules.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/learning_schedules_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/learning_schedules_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/metrics.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/metrics_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/metrics_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_list.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_list_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_list_ops.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_list_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_list_ops_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_list_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_list_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_mask_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_mask_list.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_mask_list_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_mask_list_ops.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_mask_list_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_mask_list_ops_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_mask_list_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_mask_list_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_ops.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_box_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_box_ops_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_mask_ops.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/np_mask_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/np_mask_ops_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/object_detection_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/object_detection_evaluation.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/object_detection_evaluation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/object_detection_evaluation_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/ops.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/ops_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/per_image_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/per_image_evaluation.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/per_image_evaluation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/per_image_evaluation_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/shape_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/shape_utils.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/shape_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/shape_utils_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/static_shape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/static_shape.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/static_shape_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/static_shape_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/test_case.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/test_case.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/test_utils.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/test_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/test_utils_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/variables_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/variables_helper.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/variables_helper_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/variables_helper_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/visualization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/visualization_utils.py -------------------------------------------------------------------------------- /TF_ObjectDetection/object_detection/utils/visualization_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/object_detection/utils/visualization_utils_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/prepare_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/prepare_data.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/BUILD -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/README.md -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/WORKSPACE: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/build_imagenet_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/build_imagenet_data.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/cifar10.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/dataset_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/dataset_factory.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/dataset_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/dataset_utils.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/download_and_convert_cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/download_and_convert_cifar10.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/download_and_convert_flowers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/download_and_convert_flowers.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/download_and_convert_imagenet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/download_and_convert_imagenet.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/download_and_convert_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/download_and_convert_mnist.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/download_imagenet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/download_imagenet.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/flowers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/flowers.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/imagenet.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/imagenet_2012_validation_synset_labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/imagenet_2012_validation_synset_labels.txt -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/imagenet_lsvrc_2015_synsets.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/imagenet_lsvrc_2015_synsets.txt -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/imagenet_metadata.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/imagenet_metadata.txt -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/mnist.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/preprocess_imagenet_validation_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/preprocess_imagenet_validation_data.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/datasets/process_bounding_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/datasets/process_bounding_boxes.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/deployment/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/deployment/model_deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/deployment/model_deploy.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/deployment/model_deploy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/deployment/model_deploy_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/download_and_convert_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/download_and_convert_data.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/eval_image_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/eval_image_classifier.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/export_inference_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/export_inference_graph.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/export_inference_graph_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/export_inference_graph_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/alexnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/alexnet.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/alexnet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/alexnet_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/cifarnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/cifarnet.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/cyclegan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/cyclegan.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/cyclegan_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/cyclegan_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/dcgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/dcgan.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/dcgan_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/dcgan_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_resnet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_resnet_v2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_resnet_v2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_resnet_v2_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_utils.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_v1.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_v1_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_v1_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_v2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_v2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_v2_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_v3.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_v3_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_v3_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_v4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_v4.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/inception_v4_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/inception_v4_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/lenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/lenet.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet/README.md -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet/conv_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet/conv_blocks.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet/mobilenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet/mobilenet.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet/mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet/mobilenet_v2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet/mobilenet_v2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet/mobilenet_v2_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet_v1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet_v1.md -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet_v1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet_v1.png -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet_v1.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet_v1_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet_v1_eval.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet_v1_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet_v1_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/mobilenet_v1_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/mobilenet_v1_train.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/nasnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/nasnet/README.md -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/nasnet/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/nasnet/nasnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/nasnet/nasnet.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/nasnet/nasnet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/nasnet/nasnet_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/nasnet/nasnet_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/nasnet/nasnet_utils.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/nasnet/nasnet_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/nasnet/nasnet_utils_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/nets_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/nets_factory.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/nets_factory_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/nets_factory_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/overfeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/overfeat.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/overfeat_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/overfeat_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/pix2pix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/pix2pix.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/pix2pix_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/pix2pix_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/resnet_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/resnet_utils.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/resnet_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/resnet_v1.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/resnet_v1_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/resnet_v1_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/resnet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/resnet_v2.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/resnet_v2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/resnet_v2_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/vgg.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/nets/vgg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/nets/vgg_test.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/preprocessing/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/preprocessing/cifarnet_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/preprocessing/cifarnet_preprocessing.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/preprocessing/inception_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/preprocessing/inception_preprocessing.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/preprocessing/lenet_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/preprocessing/lenet_preprocessing.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/preprocessing/preprocessing_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/preprocessing/preprocessing_factory.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/preprocessing/vgg_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/preprocessing/vgg_preprocessing.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/scripts/export_mobilenet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/scripts/export_mobilenet.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/scripts/finetune_inception_resnet_v2_on_flowers.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/scripts/finetune_inception_resnet_v2_on_flowers.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/scripts/finetune_inception_v1_on_flowers.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/scripts/finetune_inception_v1_on_flowers.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/scripts/finetune_inception_v3_on_flowers.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/scripts/finetune_inception_v3_on_flowers.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/scripts/finetune_resnet_v1_50_on_flowers.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/scripts/finetune_resnet_v1_50_on_flowers.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/scripts/train_cifarnet_on_cifar10.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/scripts/train_cifarnet_on_cifar10.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/scripts/train_lenet_on_mnist.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/scripts/train_lenet_on_mnist.sh -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/setup.py -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/slim_walkthrough.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/slim_walkthrough.ipynb -------------------------------------------------------------------------------- /TF_ObjectDetection/slim/train_image_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/TF_ObjectDetection/slim/train_image_classifier.py -------------------------------------------------------------------------------- /Test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/Test.py -------------------------------------------------------------------------------- /config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/config.json -------------------------------------------------------------------------------- /experiments/DQNAgent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/DQNAgent.py -------------------------------------------------------------------------------- /experiments/DQNAgentRealTimeImg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/DQNAgentRealTimeImg.py -------------------------------------------------------------------------------- /experiments/DQNAgentTest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/DQNAgentTest.py -------------------------------------------------------------------------------- /experiments/Environment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/Environment.py -------------------------------------------------------------------------------- /experiments/EnvironmentGridSeq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/EnvironmentGridSeq.py -------------------------------------------------------------------------------- /experiments/EnvironmentRealTimeImg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/EnvironmentRealTimeImg.py -------------------------------------------------------------------------------- /experiments/EnvironmentSeq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/EnvironmentSeq.py -------------------------------------------------------------------------------- /experiments/EnvironmentSeqRT.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/EnvironmentSeqRT.py -------------------------------------------------------------------------------- /experiments/EnvironmentTest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/experiments/EnvironmentTest.py -------------------------------------------------------------------------------- /tools/BaselineTracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/tools/BaselineTracker.py -------------------------------------------------------------------------------- /tools/DataCapture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/tools/DataCapture.py -------------------------------------------------------------------------------- /tools/GenerateTrackerBoxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ktzsh/autonomous_drone_for_tracking/HEAD/tools/GenerateTrackerBoxes.py --------------------------------------------------------------------------------