├── .gitignore ├── LICENSE ├── README.md ├── benchmarks └── ResNet-50_v1.5_Performance_Comparison_TensorFlow_1.12_GCP.md ├── models ├── common │ ├── __init__.py │ ├── imagenet.py │ ├── inference_warmup.py │ └── tpu_profiler_hook.py ├── experimental │ ├── cifar_keras │ │ ├── README.md │ │ └── cifar_keras.py │ ├── dcgan │ │ ├── README.md │ │ ├── cifar_input.py │ │ ├── cifar_model.py │ │ ├── dcgan_main.py │ │ ├── mnist_input.py │ │ └── mnist_model.py │ ├── deeplab │ │ ├── README.md │ │ ├── data_pipeline.py │ │ ├── main.py │ │ └── model.py │ ├── densenet_keras │ │ ├── README.md │ │ ├── densenet_keras_imagenet.py │ │ ├── densenet_keras_model.py │ │ └── vgg_preprocessing.py │ ├── distribution_strategy │ │ ├── imagenet_input.py │ │ ├── resnet_estimator.py │ │ ├── resnet_model.py │ │ └── resnet_preprocessing.py │ ├── inception │ │ ├── imagenet.py │ │ ├── inception_preprocessing.py │ │ ├── inception_v2.py │ │ ├── inception_v2_tpu_model.py │ │ ├── inception_v3.py │ │ ├── inception_v3_k8s.yaml │ │ ├── inception_v3_old.py │ │ ├── inception_v4.py │ │ ├── inception_v4_model.py │ │ └── vgg_preprocessing.py │ ├── inference │ │ ├── api_config.yaml │ │ ├── api_descriptor.pb │ │ ├── load_test_client.py │ │ ├── openapi.yaml │ │ └── setup-pool.sh │ ├── keras_application │ │ └── application_model.py │ ├── keras_colab │ │ ├── README.md │ │ └── shakespeare_lstm.py │ ├── mnist_jupyter │ │ └── launch.sh │ ├── mnist_keras │ │ └── mnist.py │ ├── ncf │ │ ├── README.md │ │ └── ncf_main.py │ ├── qanet │ │ ├── README.md │ │ ├── data.py │ │ ├── model.py │ │ ├── preprocess.py │ │ ├── run.py │ │ ├── run_lib.py │ │ ├── testdata │ │ │ ├── train-v1.1.json │ │ │ ├── train_0000 │ │ │ └── vocab.vec │ │ └── utils.py │ ├── resnet50_keras │ │ ├── README.md │ │ ├── imagenet_input.py │ │ ├── model_saving_utils.py │ │ ├── resnet50.py │ │ ├── resnet50_ctl_tf1.py │ │ ├── resnet50_ctl_tf2.py │ │ ├── resnet50_test.py │ │ ├── resnet50_tf2.py │ │ ├── resnet_model.py │ │ └── resnet_preprocessing.py │ └── show_and_tell │ │ ├── README │ │ ├── configuration.py │ │ ├── image_embedding.py │ │ ├── image_processing.py │ │ ├── inputs.py │ │ ├── show_and_tell_model.py │ │ ├── show_and_tell_tpu_test.py │ │ └── train.py ├── hyperparameters │ ├── __init__.py │ ├── common_hparams_flags.py │ ├── common_tpu_flags.py │ ├── flags_to_params.py │ └── params_dict.py ├── official │ ├── __init__.py │ ├── amoeba_net │ │ ├── README.md │ │ ├── amoeba_net.py │ │ ├── amoeba_net_k8s.yaml │ │ ├── amoeba_net_model.py │ │ ├── inception_preprocessing.py │ │ ├── model_builder.py │ │ ├── model_specs.py │ │ ├── network_utils.py │ │ ├── network_utils_test.py │ │ └── tf_hub.py │ ├── densenet │ │ ├── README.md │ │ ├── densenet_imagenet.py │ │ ├── densenet_model.py │ │ └── vgg_preprocessing.py │ ├── detection │ │ ├── README.md │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── factory.py │ │ │ ├── retinanet_config.py │ │ │ └── yaml │ │ │ │ ├── 1.0.0_retinanet.yaml │ │ │ │ ├── 1.0.1_fixed_val_batch.yaml │ │ │ │ ├── 1.0.2_changed_schedule.yaml │ │ │ │ ├── 1.0.3_constant.yaml │ │ │ │ ├── 1.0.4_1024x768.yaml │ │ │ │ ├── 1.0.5_1024x1024.yaml │ │ │ │ ├── 1.1.0_added_lr_schedule.yaml │ │ │ │ ├── 1.2.0_autoaugment_v0.yaml │ │ │ │ ├── 1.2.1_autoaugment_v1.yaml │ │ │ │ ├── 1.2.2_autoaugment_v2.yaml │ │ │ │ ├── 1.2.3_autoaugment_v3.yaml │ │ │ │ ├── 1.3.0_resnet101.yaml │ │ │ │ ├── 1.3.1_resnet152.yaml │ │ │ │ ├── 1.3.2_resnet200.yaml │ │ │ │ ├── 2.0.0_nasfpn_resnet50.yaml │ │ │ │ ├── 2.0.1_nasfpn_resnet101.yaml │ │ │ │ ├── 2.0.2_nasfpn_resnet152.yaml │ │ │ │ ├── 2.0.3_nasfpn_resnet200.yaml │ │ │ │ ├── 2.0.4_nasfpn_resnet50_aug_v3.yaml │ │ │ │ ├── 2.0.5_nasfpn_resnet50_shorter.yaml │ │ │ │ ├── 2.0.6_nasfpn_resnet50_cosine_lr1.yaml │ │ │ │ ├── 2.0.7_nasfpn_resnet50_cosine_lr2.yaml │ │ │ │ ├── 2.0.8_nasfpn_resnet50_cosine_lr3.yaml │ │ │ │ ├── 2.0.9_nasfpn_resnet50_cosine_lr4.yaml │ │ │ │ ├── 2.0.9a_nasfpn_resnet50_cosine_lr5.yaml │ │ │ │ ├── 2.1.0_nasfpn_resnet200_aug_v1.yaml │ │ │ │ ├── 2.1.1_nasfpn_resnet200_aug_v3.yaml │ │ │ │ ├── 2.1.2_nasfpn_resnet200_1024.yaml │ │ │ │ ├── 2.1.3_nasfpn_resnet200_1024_aug_v1.yaml │ │ │ │ ├── 2.1.4_nasfpn_resnet200_1024_aug_v3.yaml │ │ │ │ ├── 2.2.0_nasfpn_seresnext50.yaml │ │ │ │ ├── 2.3.0_nasfpn_efficientnet_b5.yaml │ │ │ │ ├── 2.3.1_efficientnet_b5_pretrain.yaml │ │ │ │ ├── 2.3.1b_efficientnet_b5_resumed.yaml │ │ │ │ ├── 2.3.2_nasfpn_effnet_b7_clr.yaml │ │ │ │ ├── 2.3.3_nasfpn_effnet_b7_batch_32.yaml │ │ │ │ ├── 2.3.3a_nasfpn_effnet_b7_resumed.yaml │ │ │ │ ├── 2.4.0_r50_cosine_10k.yaml │ │ │ │ ├── 2.4.1_r50_cosine_10k_separable_aug_v0.yaml │ │ │ │ ├── 2.4.2_r50_cosine_10k_separable_aug_v1.yaml │ │ │ │ ├── 2.4.3_r50_cosine_10k_separable_aug_v3.yaml │ │ │ │ ├── 2.4.4_r50_cosine_10k_1024x1024.yaml │ │ │ │ ├── 2.4.5_r50_cosine_10k_128_feat.yaml │ │ │ │ ├── 2.4.6_r50_cosine_10k_384_feat.yaml │ │ │ │ ├── 2.4.7_r50_cosine_10k_300_feat_drop_0.5.yaml │ │ │ │ ├── 2.4.8_r50_cosine_10k_300_feat_drop_0.7.yaml │ │ │ │ ├── 2.5.0_effnet_b5_cosine_10k.yaml │ │ │ │ ├── 2.5.1_effnet_b5_cosine_10k_frozen_10.yaml │ │ │ │ ├── 2.5.2_effnet_b5_cosine_10k_frozen_15.yaml │ │ │ │ ├── 2.5.3_effnet_b5_cosine_10k_frozen_20.yaml │ │ │ │ ├── 2.5.4_effnet_b5_cosine_10k_frozen_15_640.yaml │ │ │ │ ├── 2.5.5_effnet_b5_cosine_10k_frozen_15_640_sep.yaml │ │ │ │ ├── 2.5.6_effnet_b5_cosine_10k_frozen_15_640_sep_drop.yaml │ │ │ │ ├── 2.6.0_r50_step_45k.yaml │ │ │ │ ├── 2.6.10_r50_features_400_drop_0.5_1024.yaml │ │ │ │ ├── 2.6.1_r50_features_250_drop_0.7.yaml │ │ │ │ ├── 2.6.2_r50_features_300_drop_0.7.yaml │ │ │ │ ├── 2.6.3_r50_features_400_drop_0.7.yaml │ │ │ │ ├── 2.6.4_r50_features_250_drop_0.85.yaml │ │ │ │ ├── 2.6.5_r50_features_300_drop_0.85.yaml │ │ │ │ ├── 2.6.6_r50_features_400_drop_0.85.yaml │ │ │ │ ├── 2.6.7_r50_features_400_drop_0.7_1024.yaml │ │ │ │ ├── 2.6.8_r50_features_400_drop_0.85_1024.yaml │ │ │ │ ├── 2.6.9_r50_features_512_drop_0.7_1024.yaml │ │ │ │ ├── 3.0.0_balanced_resnet50_cosine_10k.yaml │ │ │ │ ├── 3.0.1_balanced_resnet50_cosine_20k.yaml │ │ │ │ ├── 3.0.2_balanced_resnet50_cosine_30k.yaml │ │ │ │ ├── 3.1.0_balanced_resnet50_step_45k.yaml │ │ │ │ ├── 3.1.1_balanced_resnet50_step_30k.yaml │ │ │ │ ├── 4.0.0_r50_step_45k_90k_1024.yaml │ │ │ │ ├── 4.0.1_r101_step_45k_90k_1024_drop_0.9.yaml │ │ │ │ ├── 4.0.2_r152_step_45k_90k_1024_drop_0.9.yaml │ │ │ │ ├── 4.0.3_r200_step_45k_90k_1024_drop_0.9.yaml │ │ │ │ ├── 4.1.0_effnet_b5_45k_90k_1024_batch_32.yaml │ │ │ │ ├── 4.1.10_effnet_b5_45k_90k_1024_feat_350_drop_0.9.yaml │ │ │ │ ├── 4.1.1_effnet_b5_45k_90k_1024_feat_300.yaml │ │ │ │ ├── 4.1.2_effnet_b5_45k_90k_1024_feat_350.yaml │ │ │ │ ├── 4.1.3_effnet_b5_45k_90k_1024_feat_400.yaml │ │ │ │ ├── 4.1.4_effnet_b5_45k_90k_1024_separable.yaml │ │ │ │ ├── 4.1.5_effnet_b5_45k_90k_1024_feat_256_drop_0.85.yaml │ │ │ │ ├── 4.1.6_effnet_b5_45k_90k_1024_feat_256_drop_0.9.yaml │ │ │ │ ├── 4.1.7_effnet_b5_45k_90k_1024_feat_300_drop_0.85.yaml │ │ │ │ ├── 4.1.8_effnet_b5_45k_90k_1024_feat_300_drop_0.9.yaml │ │ │ │ ├── 4.1.9_effnet_b5_45k_90k_1024_feat_350_drop_0.85.yaml │ │ │ │ ├── 4.2.0_effnet_b7_45k_90k_1024.yaml │ │ │ │ ├── 4.2.1_effnet_b7_45k_90k_1024_frozen_20.yaml │ │ │ │ ├── 4.2.2_effnet_b7_45k_90k_1024_feat_256_drop_0.9.yaml │ │ │ │ ├── 4.2.3_effnet_b7_45k_90k_1024_feat_300_drop_0.9.yaml │ │ │ │ ├── 4.2.4_effnet_b7_45k_90k_1024_frozen_25.yaml │ │ │ │ ├── 4.3.0_effnet_b5_45k_90k_1024_frozen_25.yaml │ │ │ │ ├── 4.4.0_effnet_b7_45k_90k_1024_batch_32.yaml │ │ │ │ ├── 4.4.1_effnet_b7_45k_90k_1024_feat_256_drop_0.9.yaml │ │ │ │ ├── 4.4.2_effnet_b7_45k_90k_1024_feat_256_drop_0.85.yaml │ │ │ │ ├── 4.4.3_effnet_b7_45k_90k_1024_feat_300_drop_0.9.yaml │ │ │ │ ├── 4.4.4_effnet_b7_45k_90k_1024_feat_300_drop_0.85.yaml │ │ │ │ ├── 4.4.5_effnet_b7_45k_90k_1024_feat_350_drop_0.9.yaml │ │ │ │ ├── 4.4.6_effnet_b7_45k_90k_1024_feat_350_drop_0.85.yaml │ │ │ │ ├── 4.5.0_effnet_b6_45k_90k_1024_batch_32.yaml │ │ │ │ ├── 4.5.10_effnet_b6_45k_90k_1024_feat_350_drop_0.9.yaml │ │ │ │ ├── 4.5.1_effnet_b6_45k_90k_1024_feat_300.yaml │ │ │ │ ├── 4.5.2_effnet_b6_45k_90k_1024_feat_350.yaml │ │ │ │ ├── 4.5.3_effnet_b6_45k_90k_1024_feat_400.yaml │ │ │ │ ├── 4.5.4_effnet_b6_45k_90k_1024_separable.yaml │ │ │ │ ├── 4.5.5_effnet_b6_45k_90k_1024_feat_256_drop_0.85.yaml │ │ │ │ ├── 4.5.6_effnet_b6_45k_90k_1024_feat_256_drop_0.9.yaml │ │ │ │ ├── 4.5.7_effnet_b6_45k_90k_1024_feat_300_drop_0.85.yaml │ │ │ │ ├── 4.5.8_effnet_b6_45k_90k_1024_feat_300_drop_0.9.yaml │ │ │ │ ├── 4.5.9_effnet_b6_45k_90k_1024_feat_350_drop_0.85.yaml │ │ │ │ ├── 4.6.0_r50_step_45k_60k_1024.yaml │ │ │ │ ├── 4.6.1_r50_step_45k_60k_1024_drop_0.9.yaml │ │ │ │ ├── 4.7.0_r50_cosine_10k_1024.yaml │ │ │ │ ├── 4.7.1_r50_cosine_10k_feat_300_drop_0.7.yaml │ │ │ │ ├── 4.8.0_r200_step_45k_90k_640_drop_0.9_aug1.yaml │ │ │ │ ├── 4.8.10_r101_pretrained_1024_feat_350_aug3.yaml │ │ │ │ ├── 4.8.11_r101_pretrained_1024_feat_300_aug2.yaml │ │ │ │ ├── 4.8.12_r200_pretrained_feat_300_aug3.yaml │ │ │ │ ├── 4.8.13_r200_pretrained_640_feat_300_drop_0.9_aug1.yaml │ │ │ │ ├── 4.8.14_r152_pretrained_640_feat_300_drop_0.9_aug3.yaml │ │ │ │ ├── 4.8.1_r152_step_45k_90k_800_drop_0.9_feat_300.yaml │ │ │ │ ├── 4.8.2_r101_step_45k_90k_1024_feat_350_aug3.yaml │ │ │ │ ├── 4.8.3_r101_step_45k_90k_1024_feat_300_aug2.yaml │ │ │ │ ├── 4.8.4_r50_step_45k_90k_1024.yaml │ │ │ │ ├── 4.8.5_r50_step_45k_90k_feat_300_drop_0.9.yaml │ │ │ │ ├── 4.8.6_r50_step_45k_90k_feat_300_drop_0.9_aug2.yaml │ │ │ │ ├── 4.8.7_r50_step_45k_90k_feat_350_drop_0.85_aug0.yaml │ │ │ │ ├── 4.8.8_r200_pretrained_640_drop_0.9_aug1.yaml │ │ │ │ ├── 4.8.9_r152_pretrained_640_drop_0.9_aug3.yaml │ │ │ │ ├── 4.9.0_r50_step_45k_60k_feat_300_drop_0.9_aug2.yaml │ │ │ │ ├── 4.9.1_r101_step_45k_60k_feat_300_drop_0.9_aug0.yaml │ │ │ │ ├── 4.9.2_r200_pretrained_640_drop_0.9_aug1.yaml │ │ │ │ ├── 4.9.3_r152_pretrained_640_drop_0.9_aug3.yaml │ │ │ │ ├── 4.9.4_r152_pretrained_640_feat_300_drop_0.9_aug2.yaml │ │ │ │ ├── retinanet_autoaugment.yaml │ │ │ │ └── retinanet_nasfpn.yaml │ │ ├── dataloader │ │ │ ├── __init__.py │ │ │ ├── anchor.py │ │ │ ├── factory.py │ │ │ ├── input_reader.py │ │ │ ├── mode_keys.py │ │ │ ├── retinanet_parser.py │ │ │ ├── shapemask_parser.py │ │ │ └── tf_example_decoder.py │ │ ├── evaluation │ │ │ ├── __init__.py │ │ │ ├── coco_evaluator.py │ │ │ ├── coco_utils.py │ │ │ └── factory.py │ │ ├── executor │ │ │ ├── __init__.py │ │ │ └── tpu_executor.py │ │ ├── export_saved_model.py │ │ ├── k8s │ │ │ └── retinanet_k8s.yaml │ │ ├── main.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── architecture │ │ │ │ ├── __init__.py │ │ │ │ ├── efficientnet_builder.py │ │ │ │ ├── efficientnet_model.py │ │ │ │ ├── factory.py │ │ │ │ ├── fpn.py │ │ │ │ ├── heads.py │ │ │ │ ├── identity.py │ │ │ │ ├── nasfpn.py │ │ │ │ ├── nn_ops.py │ │ │ │ ├── resnet.py │ │ │ │ ├── seresnext.py │ │ │ │ └── utils.py │ │ │ ├── base_model.py │ │ │ ├── checkpoint_utils.py │ │ │ ├── factory.py │ │ │ ├── learning_rates.py │ │ │ ├── losses.py │ │ │ ├── model_builder.py │ │ │ ├── postprocess.py │ │ │ ├── retinanet_model.py │ │ │ └── serving.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── autoaugment_utils.py │ │ │ ├── box_utils.py │ │ │ ├── input_utils.py │ │ │ ├── object_detection │ │ │ ├── __init__.py │ │ │ ├── argmax_matcher.py │ │ │ ├── balanced_positive_negative_sampler.py │ │ │ ├── box_coder.py │ │ │ ├── box_list.py │ │ │ ├── box_list_ops.py │ │ │ ├── faster_rcnn_box_coder.py │ │ │ ├── matcher.py │ │ │ ├── minibatch_sampler.py │ │ │ ├── ops.py │ │ │ ├── preprocessor.py │ │ │ ├── region_similarity_calculator.py │ │ │ ├── shape_utils.py │ │ │ ├── target_assigner.py │ │ │ └── visualization_utils.py │ │ │ ├── segm_utils.py │ │ │ └── spatial_transform.py │ ├── efficientnet │ │ ├── README.md │ │ ├── autoaugment.py │ │ ├── edgetpu │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ └── efficientnet_edgetpu_builder.py │ │ ├── efficientnet_builder.py │ │ ├── efficientnet_model.py │ │ ├── eval_ckpt_main.py │ │ ├── export_model.py │ │ ├── g3doc │ │ │ ├── efficientnet-edgetpu.png │ │ │ ├── flops.png │ │ │ └── params.png │ │ ├── imagenet_input.py │ │ ├── main.py │ │ ├── preprocessing.py │ │ └── utils.py │ ├── mask_rcnn │ │ ├── README.md │ │ ├── anchors.py │ │ ├── box_utils.py │ │ ├── coco_metric.py │ │ ├── coco_utils.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── cloud │ │ │ │ ├── v2-128.yaml │ │ │ │ ├── v2-32.yaml │ │ │ │ ├── v2-8.yaml │ │ │ │ ├── v3-128.yaml │ │ │ │ ├── v3-32.yaml │ │ │ │ └── v3-8.yaml │ │ │ └── mask_rcnn_config.py │ │ ├── dataloader.py │ │ ├── distributed_executer.py │ │ ├── evaluation.py │ │ ├── export_saved_model.py │ │ ├── fpn.py │ │ ├── heads.py │ │ ├── learning_rates.py │ │ ├── losses.py │ │ ├── mask_rcnn_k8s.yaml │ │ ├── mask_rcnn_main.py │ │ ├── mask_rcnn_model.py │ │ ├── object_detection │ │ │ ├── __init__.py │ │ │ ├── argmax_matcher.py │ │ │ ├── balanced_positive_negative_sampler.py │ │ │ ├── box_coder.py │ │ │ ├── box_list.py │ │ │ ├── faster_rcnn_box_coder.py │ │ │ ├── matcher.py │ │ │ ├── minibatch_sampler.py │ │ │ ├── ops.py │ │ │ ├── preprocessor.py │ │ │ ├── region_similarity_calculator.py │ │ │ ├── shape_utils.py │ │ │ ├── target_assigner.py │ │ │ ├── tf_example_decoder.py │ │ │ └── visualization_utils.py │ │ ├── postprocess_ops.py │ │ ├── preprocess_ops.py │ │ ├── resnet.py │ │ ├── roi_ops.py │ │ ├── serving.py │ │ ├── spatial_transform_ops.py │ │ ├── tpu_normalization.py │ │ └── training_ops.py │ ├── mnasnet │ │ ├── README.md │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── cloud │ │ │ │ ├── gpu.yaml │ │ │ │ ├── v2-32.yaml │ │ │ │ ├── v2-8.yaml │ │ │ │ ├── v3-32.yaml │ │ │ │ └── v3-8.yaml │ │ │ └── mnasnet_config.py │ │ ├── eval_ckpt_main.py │ │ ├── g3doc │ │ │ ├── mnasnet_vs_mobilenetv2.png │ │ │ └── mnasnet_vs_mobilenetv2_2.png │ │ ├── imagenet_input.py │ │ ├── mixnet │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── custom_layers.py │ │ │ ├── g3doc │ │ │ │ └── mixnet-flops.png │ │ │ ├── mixnet_builder.py │ │ │ └── mixnet_model.py │ │ ├── mnas_utils.py │ │ ├── mnasnet_main.py │ │ ├── mnasnet_model.py │ │ ├── mnasnet_models.py │ │ ├── post_quantization.py │ │ └── preprocessing.py │ ├── mnist │ │ ├── README.md │ │ └── mnist_tpu.py │ ├── mobilenet │ │ ├── README.md │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── cloud │ │ │ │ ├── v2-128.yaml │ │ │ │ ├── v2-256.yaml │ │ │ │ ├── v2-32.yaml │ │ │ │ ├── v2-512.yaml │ │ │ │ ├── v2-8.yaml │ │ │ │ ├── v3-1024.yaml │ │ │ │ ├── v3-128.yaml │ │ │ │ ├── v3-2048.yaml │ │ │ │ ├── v3-256.yaml │ │ │ │ ├── v3-32.yaml │ │ │ │ ├── v3-512.yaml │ │ │ │ ├── v3-64.yaml │ │ │ │ └── v3-8.yaml │ │ │ └── mobilenet_config.py │ │ ├── inception_preprocessing.py │ │ ├── mobilenet.py │ │ ├── mobilenet_model.py │ │ ├── supervised_images.py │ │ └── vgg_preprocessing.py │ ├── resnet │ │ ├── README.md │ │ ├── __init__.py │ │ ├── benchmark │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── read_training_time.py │ │ │ └── resnet_benchmark.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── cloud │ │ │ │ ├── v2-128.yaml │ │ │ │ ├── v2-256.yaml │ │ │ │ ├── v2-32.yaml │ │ │ │ ├── v2-512.yaml │ │ │ │ ├── v2-8.yaml │ │ │ │ ├── v3-1024.yaml │ │ │ │ ├── v3-128.yaml │ │ │ │ ├── v3-2048.yaml │ │ │ │ ├── v3-256.yaml │ │ │ │ ├── v3-32.yaml │ │ │ │ ├── v3-512.yaml │ │ │ │ ├── v3-64.yaml │ │ │ │ └── v3-8.yaml │ │ │ ├── resnet101.yaml │ │ │ ├── resnet152.yaml │ │ │ ├── resnet200.yaml │ │ │ └── resnet_config.py │ │ ├── imagenet_input.py │ │ ├── lars_util.py │ │ ├── resnet_k8s.yaml │ │ ├── resnet_main.py │ │ ├── resnet_model.py │ │ ├── resnet_model_test.py │ │ └── resnet_preprocessing.py │ ├── retinanet │ │ ├── README.md │ │ ├── anchors.py │ │ ├── coco_metric.py │ │ ├── dataloader.py │ │ ├── evaluation.py │ │ ├── object_detection │ │ │ ├── __init__.py │ │ │ ├── argmax_matcher.py │ │ │ ├── box_coder.py │ │ │ ├── box_list.py │ │ │ ├── faster_rcnn_box_coder.py │ │ │ ├── matcher.py │ │ │ ├── preprocessor.py │ │ │ ├── region_similarity_calculator.py │ │ │ ├── shape_utils.py │ │ │ ├── target_assigner.py │ │ │ └── tf_example_decoder.py │ │ ├── postprocess.py │ │ ├── retinanet_architecture.py │ │ ├── retinanet_k8s.yaml │ │ ├── retinanet_main.py │ │ ├── retinanet_model.py │ │ ├── retinanet_segmentation_main.py │ │ ├── retinanet_segmentation_model.py │ │ └── retinanet_tensorrt.py │ ├── squeezenet │ │ ├── configs │ │ │ ├── __init__.py │ │ │ └── squeezenet_config.py │ │ ├── data_pipeline.py │ │ ├── squeezenet_main.py │ │ └── squeezenet_model.py │ ├── transformer │ │ └── README.md │ └── unet3d │ │ ├── README.md │ │ ├── data_preprocess │ │ ├── convert_lits.py │ │ └── convert_lits_nii_to_npy.py │ │ ├── export_saved_model.py │ │ ├── input_reader.py │ │ ├── metrics.py │ │ ├── params_dict.py │ │ ├── requirements.txt │ │ ├── saved_model_inference.py │ │ ├── tpu_executor.py │ │ ├── unet_config.py │ │ ├── unet_main.py │ │ └── unet_model.py ├── samples │ └── core │ │ └── get_started │ │ ├── custom_tpuestimator.py │ │ └── iris_data_tpu.py └── setup.py ├── scripts ├── .gitignore ├── add_data_from_testset.py ├── add_extra_data.sh ├── blacklist.txt ├── build_leaf_classes_list.py ├── build_validation.py ├── debug.py ├── export_all_folds.sh ├── export_fold.sh ├── export_models.py ├── export_saved_model.sh ├── extra │ ├── class-ids-human-body-parts-and-mammal.txt │ └── train-image-ids-with-human-parts-and-mammal-boxes.txt ├── filter_dataset.py ├── gen_coco_val_json.py ├── gen_tfrecords.py ├── inference │ ├── Dockerfile │ ├── add_parents.py │ ├── all_models.yml │ ├── cloud_inference.py │ ├── docker_build.sh │ ├── docker_run.sh │ ├── drop_parents.py │ ├── gen_all_subs.sh │ ├── gen_sub.py │ ├── inference.py │ ├── join_predicted_parts.py │ ├── join_subs.py │ ├── merge_all_subs.sh │ ├── merge_subs.py │ ├── partial_inference.py │ ├── ready_models.txt │ ├── requirements.txt │ ├── soft_nms.pyx │ ├── trim_sub_by_num_of_predicts.py │ ├── trim_sub_by_threshold.py │ └── trim_sub_decimal_digits.py ├── kfold_split.py ├── prepare_datasets.sh ├── prepare_folds.sh ├── prepare_tfrecords_v1.sh ├── prepare_tfrecords_v2_removed_crowd.sh ├── prepare_tfrecords_v3_balanced.sh ├── prepare_tfrecords_v4_pseudo_labels.sh ├── prepare_tfrecords_v5_balanced_pseudo_labels.sh ├── split_classes.py ├── train_on_dataset.sh ├── train_on_fold.sh └── upload_files_to_gcs.sh └── tools ├── colab └── BUILD ├── ctpu ├── .gitignore ├── README.md ├── commands │ ├── auth.go │ ├── auth_test.go │ ├── common.go │ ├── common_test.go │ ├── config_cmd.go │ ├── delete.go │ ├── delete_test.go │ ├── list.go │ ├── list_test.go │ ├── pause.go │ ├── pause_test.go │ ├── quota.go │ ├── restart.go │ ├── restart_test.go │ ├── status.go │ ├── status_test.go │ ├── tf_versions.go │ ├── tpu_locations.go │ ├── tpu_locations_test.go │ ├── tpu_size.go │ ├── tpu_size_test.go │ ├── up.go │ ├── up_test.go │ └── version.go ├── config │ ├── config.go │ ├── config_gce.go │ ├── config_gcloud.go │ ├── config_gcloud_test.go │ ├── config_test.go │ ├── devshell.go │ ├── devshell_test.go │ └── testdata │ │ └── gcloud │ │ ├── clean │ │ ├── README.md │ │ ├── active_config │ │ ├── application_default_credentials.json │ │ └── configurations │ │ │ └── config_ctpu9 │ │ ├── corrupted │ │ ├── README.md │ │ ├── active_config │ │ ├── application_default_credentials.json │ │ └── configurations │ │ │ └── config_default │ │ ├── corrupted2 │ │ ├── README.md │ │ ├── active_config │ │ └── application_default_credentials.json │ │ ├── incomplete │ │ ├── README.md │ │ ├── active_config │ │ ├── application_default_credentials.json │ │ └── configurations │ │ │ └── config_ctpu9 │ │ ├── no_app_creds │ │ ├── README.md │ │ ├── active_config │ │ └── configurations │ │ │ └── config_ctpu9 │ │ └── no_config │ │ └── README.md ├── ctrl │ ├── ctrl.go │ ├── ctrl_test.go │ ├── gce.go │ ├── gce_test.go │ ├── gcloud_cli.go │ ├── gcloud_cli_test.go │ ├── resourcemgmt.go │ ├── resourcemgmt_test.go │ ├── servicemgmt.go │ ├── tpu.go │ └── tpu_test.go ├── main.go └── tutorial.md ├── datasets ├── README.md ├── create_coco_tf_record.py ├── download_and_preprocess_coco.sh ├── download_and_preprocess_coco_k8s.yaml ├── imagenet_to_gcs.py ├── imagenet_to_gcs_k8s.yaml ├── jpeg_to_tf_record.py └── tfrecords_to_bigtable.py ├── diagnostics └── diagnostics.py ├── docker ├── Dockerfile └── Dockerfile.util └── kubernetes ├── tensorboard_k8s.yaml └── tpu_profiler_k8s.yaml /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/README.md -------------------------------------------------------------------------------- /benchmarks/ResNet-50_v1.5_Performance_Comparison_TensorFlow_1.12_GCP.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/benchmarks/ResNet-50_v1.5_Performance_Comparison_TensorFlow_1.12_GCP.md -------------------------------------------------------------------------------- /models/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/common/__init__.py -------------------------------------------------------------------------------- /models/common/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/common/imagenet.py -------------------------------------------------------------------------------- /models/common/inference_warmup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/common/inference_warmup.py -------------------------------------------------------------------------------- /models/common/tpu_profiler_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/common/tpu_profiler_hook.py -------------------------------------------------------------------------------- /models/experimental/cifar_keras/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/cifar_keras/README.md -------------------------------------------------------------------------------- /models/experimental/cifar_keras/cifar_keras.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/cifar_keras/cifar_keras.py -------------------------------------------------------------------------------- /models/experimental/dcgan/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/dcgan/README.md -------------------------------------------------------------------------------- /models/experimental/dcgan/cifar_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/dcgan/cifar_input.py -------------------------------------------------------------------------------- /models/experimental/dcgan/cifar_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/dcgan/cifar_model.py -------------------------------------------------------------------------------- /models/experimental/dcgan/dcgan_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/dcgan/dcgan_main.py -------------------------------------------------------------------------------- /models/experimental/dcgan/mnist_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/dcgan/mnist_input.py -------------------------------------------------------------------------------- /models/experimental/dcgan/mnist_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/dcgan/mnist_model.py -------------------------------------------------------------------------------- /models/experimental/deeplab/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/deeplab/README.md -------------------------------------------------------------------------------- /models/experimental/deeplab/data_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/deeplab/data_pipeline.py -------------------------------------------------------------------------------- /models/experimental/deeplab/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/deeplab/main.py -------------------------------------------------------------------------------- /models/experimental/deeplab/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/deeplab/model.py -------------------------------------------------------------------------------- /models/experimental/densenet_keras/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/densenet_keras/README.md -------------------------------------------------------------------------------- /models/experimental/densenet_keras/densenet_keras_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/densenet_keras/densenet_keras_imagenet.py -------------------------------------------------------------------------------- /models/experimental/densenet_keras/densenet_keras_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/densenet_keras/densenet_keras_model.py -------------------------------------------------------------------------------- /models/experimental/densenet_keras/vgg_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/densenet_keras/vgg_preprocessing.py -------------------------------------------------------------------------------- /models/experimental/distribution_strategy/imagenet_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/distribution_strategy/imagenet_input.py -------------------------------------------------------------------------------- /models/experimental/distribution_strategy/resnet_estimator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/distribution_strategy/resnet_estimator.py -------------------------------------------------------------------------------- /models/experimental/distribution_strategy/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/distribution_strategy/resnet_model.py -------------------------------------------------------------------------------- /models/experimental/distribution_strategy/resnet_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/distribution_strategy/resnet_preprocessing.py -------------------------------------------------------------------------------- /models/experimental/inception/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/imagenet.py -------------------------------------------------------------------------------- /models/experimental/inception/inception_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/inception_preprocessing.py -------------------------------------------------------------------------------- /models/experimental/inception/inception_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/inception_v2.py -------------------------------------------------------------------------------- /models/experimental/inception/inception_v2_tpu_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/inception_v2_tpu_model.py -------------------------------------------------------------------------------- /models/experimental/inception/inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/inception_v3.py -------------------------------------------------------------------------------- /models/experimental/inception/inception_v3_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/inception_v3_k8s.yaml -------------------------------------------------------------------------------- /models/experimental/inception/inception_v3_old.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/inception_v3_old.py -------------------------------------------------------------------------------- /models/experimental/inception/inception_v4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/inception_v4.py -------------------------------------------------------------------------------- /models/experimental/inception/inception_v4_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/inception_v4_model.py -------------------------------------------------------------------------------- /models/experimental/inception/vgg_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inception/vgg_preprocessing.py -------------------------------------------------------------------------------- /models/experimental/inference/api_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inference/api_config.yaml -------------------------------------------------------------------------------- /models/experimental/inference/api_descriptor.pb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inference/api_descriptor.pb -------------------------------------------------------------------------------- /models/experimental/inference/load_test_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inference/load_test_client.py -------------------------------------------------------------------------------- /models/experimental/inference/openapi.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inference/openapi.yaml -------------------------------------------------------------------------------- /models/experimental/inference/setup-pool.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/inference/setup-pool.sh -------------------------------------------------------------------------------- /models/experimental/keras_application/application_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/keras_application/application_model.py -------------------------------------------------------------------------------- /models/experimental/keras_colab/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/keras_colab/README.md -------------------------------------------------------------------------------- /models/experimental/keras_colab/shakespeare_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/keras_colab/shakespeare_lstm.py -------------------------------------------------------------------------------- /models/experimental/mnist_jupyter/launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/mnist_jupyter/launch.sh -------------------------------------------------------------------------------- /models/experimental/mnist_keras/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/mnist_keras/mnist.py -------------------------------------------------------------------------------- /models/experimental/ncf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/ncf/README.md -------------------------------------------------------------------------------- /models/experimental/ncf/ncf_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/ncf/ncf_main.py -------------------------------------------------------------------------------- /models/experimental/qanet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/README.md -------------------------------------------------------------------------------- /models/experimental/qanet/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/data.py -------------------------------------------------------------------------------- /models/experimental/qanet/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/model.py -------------------------------------------------------------------------------- /models/experimental/qanet/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/preprocess.py -------------------------------------------------------------------------------- /models/experimental/qanet/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/run.py -------------------------------------------------------------------------------- /models/experimental/qanet/run_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/run_lib.py -------------------------------------------------------------------------------- /models/experimental/qanet/testdata/train-v1.1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/testdata/train-v1.1.json -------------------------------------------------------------------------------- /models/experimental/qanet/testdata/train_0000: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/testdata/train_0000 -------------------------------------------------------------------------------- /models/experimental/qanet/testdata/vocab.vec: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/testdata/vocab.vec -------------------------------------------------------------------------------- /models/experimental/qanet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/qanet/utils.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/README.md -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/imagenet_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/imagenet_input.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/model_saving_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/model_saving_utils.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/resnet50.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/resnet50_ctl_tf1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/resnet50_ctl_tf1.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/resnet50_ctl_tf2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/resnet50_ctl_tf2.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/resnet50_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/resnet50_test.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/resnet50_tf2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/resnet50_tf2.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/resnet_model.py -------------------------------------------------------------------------------- /models/experimental/resnet50_keras/resnet_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/resnet50_keras/resnet_preprocessing.py -------------------------------------------------------------------------------- /models/experimental/show_and_tell/README: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/show_and_tell/README -------------------------------------------------------------------------------- /models/experimental/show_and_tell/configuration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/show_and_tell/configuration.py -------------------------------------------------------------------------------- /models/experimental/show_and_tell/image_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/show_and_tell/image_embedding.py -------------------------------------------------------------------------------- /models/experimental/show_and_tell/image_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/show_and_tell/image_processing.py -------------------------------------------------------------------------------- /models/experimental/show_and_tell/inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/show_and_tell/inputs.py -------------------------------------------------------------------------------- /models/experimental/show_and_tell/show_and_tell_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/show_and_tell/show_and_tell_model.py -------------------------------------------------------------------------------- /models/experimental/show_and_tell/show_and_tell_tpu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/show_and_tell/show_and_tell_tpu_test.py -------------------------------------------------------------------------------- /models/experimental/show_and_tell/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/experimental/show_and_tell/train.py -------------------------------------------------------------------------------- /models/hyperparameters/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/hyperparameters/__init__.py -------------------------------------------------------------------------------- /models/hyperparameters/common_hparams_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/hyperparameters/common_hparams_flags.py -------------------------------------------------------------------------------- /models/hyperparameters/common_tpu_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/hyperparameters/common_tpu_flags.py -------------------------------------------------------------------------------- /models/hyperparameters/flags_to_params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/hyperparameters/flags_to_params.py -------------------------------------------------------------------------------- /models/hyperparameters/params_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/hyperparameters/params_dict.py -------------------------------------------------------------------------------- /models/official/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/official/amoeba_net/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/README.md -------------------------------------------------------------------------------- /models/official/amoeba_net/amoeba_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/amoeba_net.py -------------------------------------------------------------------------------- /models/official/amoeba_net/amoeba_net_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/amoeba_net_k8s.yaml -------------------------------------------------------------------------------- /models/official/amoeba_net/amoeba_net_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/amoeba_net_model.py -------------------------------------------------------------------------------- /models/official/amoeba_net/inception_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/inception_preprocessing.py -------------------------------------------------------------------------------- /models/official/amoeba_net/model_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/model_builder.py -------------------------------------------------------------------------------- /models/official/amoeba_net/model_specs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/model_specs.py -------------------------------------------------------------------------------- /models/official/amoeba_net/network_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/network_utils.py -------------------------------------------------------------------------------- /models/official/amoeba_net/network_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/network_utils_test.py -------------------------------------------------------------------------------- /models/official/amoeba_net/tf_hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/amoeba_net/tf_hub.py -------------------------------------------------------------------------------- /models/official/densenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/densenet/README.md -------------------------------------------------------------------------------- /models/official/densenet/densenet_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/densenet/densenet_imagenet.py -------------------------------------------------------------------------------- /models/official/densenet/densenet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/densenet/densenet_model.py -------------------------------------------------------------------------------- /models/official/densenet/vgg_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/densenet/vgg_preprocessing.py -------------------------------------------------------------------------------- /models/official/detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/README.md -------------------------------------------------------------------------------- /models/official/detection/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/__init__.py -------------------------------------------------------------------------------- /models/official/detection/configs/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/factory.py -------------------------------------------------------------------------------- /models/official/detection/configs/retinanet_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/retinanet_config.py -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.0.0_retinanet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.0.0_retinanet.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.0.1_fixed_val_batch.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.0.1_fixed_val_batch.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.0.2_changed_schedule.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.0.2_changed_schedule.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.0.3_constant.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.0.3_constant.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.0.4_1024x768.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.0.4_1024x768.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.0.5_1024x1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.0.5_1024x1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.1.0_added_lr_schedule.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.1.0_added_lr_schedule.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.2.0_autoaugment_v0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.2.0_autoaugment_v0.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.2.1_autoaugment_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.2.1_autoaugment_v1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.2.2_autoaugment_v2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.2.2_autoaugment_v2.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.2.3_autoaugment_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.2.3_autoaugment_v3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.3.0_resnet101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.3.0_resnet101.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.3.1_resnet152.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.3.1_resnet152.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/1.3.2_resnet200.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/1.3.2_resnet200.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.0_nasfpn_resnet50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.0_nasfpn_resnet50.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.1_nasfpn_resnet101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.1_nasfpn_resnet101.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.2_nasfpn_resnet152.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.2_nasfpn_resnet152.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.3_nasfpn_resnet200.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.3_nasfpn_resnet200.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.4_nasfpn_resnet50_aug_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.4_nasfpn_resnet50_aug_v3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.5_nasfpn_resnet50_shorter.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.5_nasfpn_resnet50_shorter.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.6_nasfpn_resnet50_cosine_lr1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.6_nasfpn_resnet50_cosine_lr1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.7_nasfpn_resnet50_cosine_lr2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.7_nasfpn_resnet50_cosine_lr2.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.8_nasfpn_resnet50_cosine_lr3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.8_nasfpn_resnet50_cosine_lr3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.9_nasfpn_resnet50_cosine_lr4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.9_nasfpn_resnet50_cosine_lr4.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.0.9a_nasfpn_resnet50_cosine_lr5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.0.9a_nasfpn_resnet50_cosine_lr5.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.1.0_nasfpn_resnet200_aug_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.1.0_nasfpn_resnet200_aug_v1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.1.1_nasfpn_resnet200_aug_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.1.1_nasfpn_resnet200_aug_v3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.1.2_nasfpn_resnet200_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.1.2_nasfpn_resnet200_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.1.3_nasfpn_resnet200_1024_aug_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.1.3_nasfpn_resnet200_1024_aug_v1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.1.4_nasfpn_resnet200_1024_aug_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.1.4_nasfpn_resnet200_1024_aug_v3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.2.0_nasfpn_seresnext50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.2.0_nasfpn_seresnext50.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.3.0_nasfpn_efficientnet_b5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.3.0_nasfpn_efficientnet_b5.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.3.1_efficientnet_b5_pretrain.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.3.1_efficientnet_b5_pretrain.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.3.1b_efficientnet_b5_resumed.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.3.1b_efficientnet_b5_resumed.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.3.2_nasfpn_effnet_b7_clr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.3.2_nasfpn_effnet_b7_clr.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.3.3_nasfpn_effnet_b7_batch_32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.3.3_nasfpn_effnet_b7_batch_32.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.3.3a_nasfpn_effnet_b7_resumed.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.3.3a_nasfpn_effnet_b7_resumed.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.0_r50_cosine_10k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.0_r50_cosine_10k.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.1_r50_cosine_10k_separable_aug_v0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.1_r50_cosine_10k_separable_aug_v0.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.2_r50_cosine_10k_separable_aug_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.2_r50_cosine_10k_separable_aug_v1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.3_r50_cosine_10k_separable_aug_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.3_r50_cosine_10k_separable_aug_v3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.4_r50_cosine_10k_1024x1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.4_r50_cosine_10k_1024x1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.5_r50_cosine_10k_128_feat.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.5_r50_cosine_10k_128_feat.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.6_r50_cosine_10k_384_feat.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.6_r50_cosine_10k_384_feat.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.7_r50_cosine_10k_300_feat_drop_0.5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.7_r50_cosine_10k_300_feat_drop_0.5.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.4.8_r50_cosine_10k_300_feat_drop_0.7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.4.8_r50_cosine_10k_300_feat_drop_0.7.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.5.0_effnet_b5_cosine_10k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.5.0_effnet_b5_cosine_10k.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.5.1_effnet_b5_cosine_10k_frozen_10.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.5.1_effnet_b5_cosine_10k_frozen_10.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.5.2_effnet_b5_cosine_10k_frozen_15.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.5.2_effnet_b5_cosine_10k_frozen_15.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.5.3_effnet_b5_cosine_10k_frozen_20.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.5.3_effnet_b5_cosine_10k_frozen_20.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.5.4_effnet_b5_cosine_10k_frozen_15_640.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.5.4_effnet_b5_cosine_10k_frozen_15_640.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.5.5_effnet_b5_cosine_10k_frozen_15_640_sep.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.5.5_effnet_b5_cosine_10k_frozen_15_640_sep.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.5.6_effnet_b5_cosine_10k_frozen_15_640_sep_drop.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.5.6_effnet_b5_cosine_10k_frozen_15_640_sep_drop.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.0_r50_step_45k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.0_r50_step_45k.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.10_r50_features_400_drop_0.5_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.10_r50_features_400_drop_0.5_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.1_r50_features_250_drop_0.7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.1_r50_features_250_drop_0.7.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.2_r50_features_300_drop_0.7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.2_r50_features_300_drop_0.7.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.3_r50_features_400_drop_0.7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.3_r50_features_400_drop_0.7.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.4_r50_features_250_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.4_r50_features_250_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.5_r50_features_300_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.5_r50_features_300_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.6_r50_features_400_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.6_r50_features_400_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.7_r50_features_400_drop_0.7_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.7_r50_features_400_drop_0.7_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.8_r50_features_400_drop_0.85_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.8_r50_features_400_drop_0.85_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/2.6.9_r50_features_512_drop_0.7_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/2.6.9_r50_features_512_drop_0.7_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/3.0.0_balanced_resnet50_cosine_10k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/3.0.0_balanced_resnet50_cosine_10k.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/3.0.1_balanced_resnet50_cosine_20k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/3.0.1_balanced_resnet50_cosine_20k.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/3.0.2_balanced_resnet50_cosine_30k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/3.0.2_balanced_resnet50_cosine_30k.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/3.1.0_balanced_resnet50_step_45k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/3.1.0_balanced_resnet50_step_45k.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/3.1.1_balanced_resnet50_step_30k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/3.1.1_balanced_resnet50_step_30k.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.0.0_r50_step_45k_90k_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.0.0_r50_step_45k_90k_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.0.1_r101_step_45k_90k_1024_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.0.1_r101_step_45k_90k_1024_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.0.2_r152_step_45k_90k_1024_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.0.2_r152_step_45k_90k_1024_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.0.3_r200_step_45k_90k_1024_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.0.3_r200_step_45k_90k_1024_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.0_effnet_b5_45k_90k_1024_batch_32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.0_effnet_b5_45k_90k_1024_batch_32.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.10_effnet_b5_45k_90k_1024_feat_350_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.10_effnet_b5_45k_90k_1024_feat_350_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.1_effnet_b5_45k_90k_1024_feat_300.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.1_effnet_b5_45k_90k_1024_feat_300.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.2_effnet_b5_45k_90k_1024_feat_350.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.2_effnet_b5_45k_90k_1024_feat_350.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.3_effnet_b5_45k_90k_1024_feat_400.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.3_effnet_b5_45k_90k_1024_feat_400.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.4_effnet_b5_45k_90k_1024_separable.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.4_effnet_b5_45k_90k_1024_separable.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.5_effnet_b5_45k_90k_1024_feat_256_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.5_effnet_b5_45k_90k_1024_feat_256_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.6_effnet_b5_45k_90k_1024_feat_256_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.6_effnet_b5_45k_90k_1024_feat_256_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.7_effnet_b5_45k_90k_1024_feat_300_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.7_effnet_b5_45k_90k_1024_feat_300_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.8_effnet_b5_45k_90k_1024_feat_300_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.8_effnet_b5_45k_90k_1024_feat_300_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.1.9_effnet_b5_45k_90k_1024_feat_350_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.1.9_effnet_b5_45k_90k_1024_feat_350_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.2.0_effnet_b7_45k_90k_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.2.0_effnet_b7_45k_90k_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.2.1_effnet_b7_45k_90k_1024_frozen_20.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.2.1_effnet_b7_45k_90k_1024_frozen_20.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.2.2_effnet_b7_45k_90k_1024_feat_256_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.2.2_effnet_b7_45k_90k_1024_feat_256_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.2.3_effnet_b7_45k_90k_1024_feat_300_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.2.3_effnet_b7_45k_90k_1024_feat_300_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.2.4_effnet_b7_45k_90k_1024_frozen_25.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.2.4_effnet_b7_45k_90k_1024_frozen_25.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.3.0_effnet_b5_45k_90k_1024_frozen_25.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.3.0_effnet_b5_45k_90k_1024_frozen_25.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.4.0_effnet_b7_45k_90k_1024_batch_32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.4.0_effnet_b7_45k_90k_1024_batch_32.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.4.1_effnet_b7_45k_90k_1024_feat_256_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.4.1_effnet_b7_45k_90k_1024_feat_256_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.4.2_effnet_b7_45k_90k_1024_feat_256_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.4.2_effnet_b7_45k_90k_1024_feat_256_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.4.3_effnet_b7_45k_90k_1024_feat_300_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.4.3_effnet_b7_45k_90k_1024_feat_300_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.4.4_effnet_b7_45k_90k_1024_feat_300_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.4.4_effnet_b7_45k_90k_1024_feat_300_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.4.5_effnet_b7_45k_90k_1024_feat_350_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.4.5_effnet_b7_45k_90k_1024_feat_350_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.4.6_effnet_b7_45k_90k_1024_feat_350_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.4.6_effnet_b7_45k_90k_1024_feat_350_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.0_effnet_b6_45k_90k_1024_batch_32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.0_effnet_b6_45k_90k_1024_batch_32.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.10_effnet_b6_45k_90k_1024_feat_350_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.10_effnet_b6_45k_90k_1024_feat_350_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.1_effnet_b6_45k_90k_1024_feat_300.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.1_effnet_b6_45k_90k_1024_feat_300.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.2_effnet_b6_45k_90k_1024_feat_350.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.2_effnet_b6_45k_90k_1024_feat_350.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.3_effnet_b6_45k_90k_1024_feat_400.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.3_effnet_b6_45k_90k_1024_feat_400.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.4_effnet_b6_45k_90k_1024_separable.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.4_effnet_b6_45k_90k_1024_separable.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.5_effnet_b6_45k_90k_1024_feat_256_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.5_effnet_b6_45k_90k_1024_feat_256_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.6_effnet_b6_45k_90k_1024_feat_256_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.6_effnet_b6_45k_90k_1024_feat_256_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.7_effnet_b6_45k_90k_1024_feat_300_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.7_effnet_b6_45k_90k_1024_feat_300_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.8_effnet_b6_45k_90k_1024_feat_300_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.8_effnet_b6_45k_90k_1024_feat_300_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.5.9_effnet_b6_45k_90k_1024_feat_350_drop_0.85.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.5.9_effnet_b6_45k_90k_1024_feat_350_drop_0.85.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.6.0_r50_step_45k_60k_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.6.0_r50_step_45k_60k_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.6.1_r50_step_45k_60k_1024_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.6.1_r50_step_45k_60k_1024_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.7.0_r50_cosine_10k_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.7.0_r50_cosine_10k_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.7.1_r50_cosine_10k_feat_300_drop_0.7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.7.1_r50_cosine_10k_feat_300_drop_0.7.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.0_r200_step_45k_90k_640_drop_0.9_aug1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.0_r200_step_45k_90k_640_drop_0.9_aug1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.10_r101_pretrained_1024_feat_350_aug3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.10_r101_pretrained_1024_feat_350_aug3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.11_r101_pretrained_1024_feat_300_aug2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.11_r101_pretrained_1024_feat_300_aug2.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.12_r200_pretrained_feat_300_aug3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.12_r200_pretrained_feat_300_aug3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.13_r200_pretrained_640_feat_300_drop_0.9_aug1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.13_r200_pretrained_640_feat_300_drop_0.9_aug1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.14_r152_pretrained_640_feat_300_drop_0.9_aug3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.14_r152_pretrained_640_feat_300_drop_0.9_aug3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.1_r152_step_45k_90k_800_drop_0.9_feat_300.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.1_r152_step_45k_90k_800_drop_0.9_feat_300.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.2_r101_step_45k_90k_1024_feat_350_aug3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.2_r101_step_45k_90k_1024_feat_350_aug3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.3_r101_step_45k_90k_1024_feat_300_aug2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.3_r101_step_45k_90k_1024_feat_300_aug2.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.4_r50_step_45k_90k_1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.4_r50_step_45k_90k_1024.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.5_r50_step_45k_90k_feat_300_drop_0.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.5_r50_step_45k_90k_feat_300_drop_0.9.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.6_r50_step_45k_90k_feat_300_drop_0.9_aug2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.6_r50_step_45k_90k_feat_300_drop_0.9_aug2.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.7_r50_step_45k_90k_feat_350_drop_0.85_aug0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.7_r50_step_45k_90k_feat_350_drop_0.85_aug0.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.8_r200_pretrained_640_drop_0.9_aug1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.8_r200_pretrained_640_drop_0.9_aug1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.8.9_r152_pretrained_640_drop_0.9_aug3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.8.9_r152_pretrained_640_drop_0.9_aug3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.9.0_r50_step_45k_60k_feat_300_drop_0.9_aug2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.9.0_r50_step_45k_60k_feat_300_drop_0.9_aug2.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.9.1_r101_step_45k_60k_feat_300_drop_0.9_aug0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.9.1_r101_step_45k_60k_feat_300_drop_0.9_aug0.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.9.2_r200_pretrained_640_drop_0.9_aug1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.9.2_r200_pretrained_640_drop_0.9_aug1.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.9.3_r152_pretrained_640_drop_0.9_aug3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.9.3_r152_pretrained_640_drop_0.9_aug3.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/4.9.4_r152_pretrained_640_feat_300_drop_0.9_aug2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/4.9.4_r152_pretrained_640_feat_300_drop_0.9_aug2.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/retinanet_autoaugment.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/retinanet_autoaugment.yaml -------------------------------------------------------------------------------- /models/official/detection/configs/yaml/retinanet_nasfpn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/configs/yaml/retinanet_nasfpn.yaml -------------------------------------------------------------------------------- /models/official/detection/dataloader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/dataloader/__init__.py -------------------------------------------------------------------------------- /models/official/detection/dataloader/anchor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/dataloader/anchor.py -------------------------------------------------------------------------------- /models/official/detection/dataloader/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/dataloader/factory.py -------------------------------------------------------------------------------- /models/official/detection/dataloader/input_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/dataloader/input_reader.py -------------------------------------------------------------------------------- /models/official/detection/dataloader/mode_keys.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/dataloader/mode_keys.py -------------------------------------------------------------------------------- /models/official/detection/dataloader/retinanet_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/dataloader/retinanet_parser.py -------------------------------------------------------------------------------- /models/official/detection/dataloader/shapemask_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/dataloader/shapemask_parser.py -------------------------------------------------------------------------------- /models/official/detection/dataloader/tf_example_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/dataloader/tf_example_decoder.py -------------------------------------------------------------------------------- /models/official/detection/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/evaluation/__init__.py -------------------------------------------------------------------------------- /models/official/detection/evaluation/coco_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/evaluation/coco_evaluator.py -------------------------------------------------------------------------------- /models/official/detection/evaluation/coco_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/evaluation/coco_utils.py -------------------------------------------------------------------------------- /models/official/detection/evaluation/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/evaluation/factory.py -------------------------------------------------------------------------------- /models/official/detection/executor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/executor/__init__.py -------------------------------------------------------------------------------- /models/official/detection/executor/tpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/executor/tpu_executor.py -------------------------------------------------------------------------------- /models/official/detection/export_saved_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/export_saved_model.py -------------------------------------------------------------------------------- /models/official/detection/k8s/retinanet_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/k8s/retinanet_k8s.yaml -------------------------------------------------------------------------------- /models/official/detection/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/main.py -------------------------------------------------------------------------------- /models/official/detection/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/__init__.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/__init__.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/efficientnet_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/efficientnet_builder.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/efficientnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/efficientnet_model.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/factory.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/fpn.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/heads.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/identity.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/nasfpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/nasfpn.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/nn_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/nn_ops.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/resnet.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/seresnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/seresnext.py -------------------------------------------------------------------------------- /models/official/detection/modeling/architecture/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/architecture/utils.py -------------------------------------------------------------------------------- /models/official/detection/modeling/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/base_model.py -------------------------------------------------------------------------------- /models/official/detection/modeling/checkpoint_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/checkpoint_utils.py -------------------------------------------------------------------------------- /models/official/detection/modeling/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/factory.py -------------------------------------------------------------------------------- /models/official/detection/modeling/learning_rates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/learning_rates.py -------------------------------------------------------------------------------- /models/official/detection/modeling/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/losses.py -------------------------------------------------------------------------------- /models/official/detection/modeling/model_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/model_builder.py -------------------------------------------------------------------------------- /models/official/detection/modeling/postprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/postprocess.py -------------------------------------------------------------------------------- /models/official/detection/modeling/retinanet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/retinanet_model.py -------------------------------------------------------------------------------- /models/official/detection/modeling/serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/modeling/serving.py -------------------------------------------------------------------------------- /models/official/detection/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/__init__.py -------------------------------------------------------------------------------- /models/official/detection/utils/autoaugment_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/autoaugment_utils.py -------------------------------------------------------------------------------- /models/official/detection/utils/box_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/box_utils.py -------------------------------------------------------------------------------- /models/official/detection/utils/input_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/input_utils.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/__init__.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/argmax_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/argmax_matcher.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/balanced_positive_negative_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/balanced_positive_negative_sampler.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/box_coder.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/box_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/box_list.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/box_list_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/box_list_ops.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/faster_rcnn_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/faster_rcnn_box_coder.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/matcher.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/minibatch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/minibatch_sampler.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/ops.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/preprocessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/preprocessor.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/region_similarity_calculator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/region_similarity_calculator.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/shape_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/shape_utils.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/target_assigner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/target_assigner.py -------------------------------------------------------------------------------- /models/official/detection/utils/object_detection/visualization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/object_detection/visualization_utils.py -------------------------------------------------------------------------------- /models/official/detection/utils/segm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/segm_utils.py -------------------------------------------------------------------------------- /models/official/detection/utils/spatial_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/detection/utils/spatial_transform.py -------------------------------------------------------------------------------- /models/official/efficientnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/README.md -------------------------------------------------------------------------------- /models/official/efficientnet/autoaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/autoaugment.py -------------------------------------------------------------------------------- /models/official/efficientnet/edgetpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/edgetpu/README.md -------------------------------------------------------------------------------- /models/official/efficientnet/edgetpu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/edgetpu/__init__.py -------------------------------------------------------------------------------- /models/official/efficientnet/edgetpu/efficientnet_edgetpu_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/edgetpu/efficientnet_edgetpu_builder.py -------------------------------------------------------------------------------- /models/official/efficientnet/efficientnet_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/efficientnet_builder.py -------------------------------------------------------------------------------- /models/official/efficientnet/efficientnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/efficientnet_model.py -------------------------------------------------------------------------------- /models/official/efficientnet/eval_ckpt_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/eval_ckpt_main.py -------------------------------------------------------------------------------- /models/official/efficientnet/export_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/export_model.py -------------------------------------------------------------------------------- /models/official/efficientnet/g3doc/efficientnet-edgetpu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/g3doc/efficientnet-edgetpu.png -------------------------------------------------------------------------------- /models/official/efficientnet/g3doc/flops.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/g3doc/flops.png -------------------------------------------------------------------------------- /models/official/efficientnet/g3doc/params.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/g3doc/params.png -------------------------------------------------------------------------------- /models/official/efficientnet/imagenet_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/imagenet_input.py -------------------------------------------------------------------------------- /models/official/efficientnet/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/main.py -------------------------------------------------------------------------------- /models/official/efficientnet/preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/preprocessing.py -------------------------------------------------------------------------------- /models/official/efficientnet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/efficientnet/utils.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/README.md -------------------------------------------------------------------------------- /models/official/mask_rcnn/anchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/anchors.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/box_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/box_utils.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/coco_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/coco_metric.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/coco_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/coco_utils.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/configs/__init__.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/configs/cloud/v2-128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/configs/cloud/v2-128.yaml -------------------------------------------------------------------------------- /models/official/mask_rcnn/configs/cloud/v2-32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/configs/cloud/v2-32.yaml -------------------------------------------------------------------------------- /models/official/mask_rcnn/configs/cloud/v2-8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/configs/cloud/v2-8.yaml -------------------------------------------------------------------------------- /models/official/mask_rcnn/configs/cloud/v3-128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/configs/cloud/v3-128.yaml -------------------------------------------------------------------------------- /models/official/mask_rcnn/configs/cloud/v3-32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/configs/cloud/v3-32.yaml -------------------------------------------------------------------------------- /models/official/mask_rcnn/configs/cloud/v3-8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/configs/cloud/v3-8.yaml -------------------------------------------------------------------------------- /models/official/mask_rcnn/configs/mask_rcnn_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/configs/mask_rcnn_config.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/dataloader.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/distributed_executer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/distributed_executer.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/evaluation.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/export_saved_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/export_saved_model.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/fpn.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/heads.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/learning_rates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/learning_rates.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/losses.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/mask_rcnn_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/mask_rcnn_k8s.yaml -------------------------------------------------------------------------------- /models/official/mask_rcnn/mask_rcnn_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/mask_rcnn_main.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/mask_rcnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/mask_rcnn_model.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/__init__.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/argmax_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/argmax_matcher.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/balanced_positive_negative_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/balanced_positive_negative_sampler.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/box_coder.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/box_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/box_list.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/faster_rcnn_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/faster_rcnn_box_coder.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/matcher.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/minibatch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/minibatch_sampler.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/ops.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/preprocessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/preprocessor.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/region_similarity_calculator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/region_similarity_calculator.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/shape_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/shape_utils.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/target_assigner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/target_assigner.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/tf_example_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/tf_example_decoder.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/object_detection/visualization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/object_detection/visualization_utils.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/postprocess_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/postprocess_ops.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/preprocess_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/preprocess_ops.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/resnet.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/roi_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/roi_ops.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/serving.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/spatial_transform_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/spatial_transform_ops.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/tpu_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/tpu_normalization.py -------------------------------------------------------------------------------- /models/official/mask_rcnn/training_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mask_rcnn/training_ops.py -------------------------------------------------------------------------------- /models/official/mnasnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/README.md -------------------------------------------------------------------------------- /models/official/mnasnet/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/configs/__init__.py -------------------------------------------------------------------------------- /models/official/mnasnet/configs/cloud/gpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/configs/cloud/gpu.yaml -------------------------------------------------------------------------------- /models/official/mnasnet/configs/cloud/v2-32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/configs/cloud/v2-32.yaml -------------------------------------------------------------------------------- /models/official/mnasnet/configs/cloud/v2-8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/configs/cloud/v2-8.yaml -------------------------------------------------------------------------------- /models/official/mnasnet/configs/cloud/v3-32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/configs/cloud/v3-32.yaml -------------------------------------------------------------------------------- /models/official/mnasnet/configs/cloud/v3-8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/configs/cloud/v3-8.yaml -------------------------------------------------------------------------------- /models/official/mnasnet/configs/mnasnet_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/configs/mnasnet_config.py -------------------------------------------------------------------------------- /models/official/mnasnet/eval_ckpt_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/eval_ckpt_main.py -------------------------------------------------------------------------------- /models/official/mnasnet/g3doc/mnasnet_vs_mobilenetv2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/g3doc/mnasnet_vs_mobilenetv2.png -------------------------------------------------------------------------------- /models/official/mnasnet/g3doc/mnasnet_vs_mobilenetv2_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/g3doc/mnasnet_vs_mobilenetv2_2.png -------------------------------------------------------------------------------- /models/official/mnasnet/imagenet_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/imagenet_input.py -------------------------------------------------------------------------------- /models/official/mnasnet/mixnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mixnet/README.md -------------------------------------------------------------------------------- /models/official/mnasnet/mixnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mixnet/__init__.py -------------------------------------------------------------------------------- /models/official/mnasnet/mixnet/custom_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mixnet/custom_layers.py -------------------------------------------------------------------------------- /models/official/mnasnet/mixnet/g3doc/mixnet-flops.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mixnet/g3doc/mixnet-flops.png -------------------------------------------------------------------------------- /models/official/mnasnet/mixnet/mixnet_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mixnet/mixnet_builder.py -------------------------------------------------------------------------------- /models/official/mnasnet/mixnet/mixnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mixnet/mixnet_model.py -------------------------------------------------------------------------------- /models/official/mnasnet/mnas_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mnas_utils.py -------------------------------------------------------------------------------- /models/official/mnasnet/mnasnet_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mnasnet_main.py -------------------------------------------------------------------------------- /models/official/mnasnet/mnasnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mnasnet_model.py -------------------------------------------------------------------------------- /models/official/mnasnet/mnasnet_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/mnasnet_models.py -------------------------------------------------------------------------------- /models/official/mnasnet/post_quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/post_quantization.py -------------------------------------------------------------------------------- /models/official/mnasnet/preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnasnet/preprocessing.py -------------------------------------------------------------------------------- /models/official/mnist/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnist/README.md -------------------------------------------------------------------------------- /models/official/mnist/mnist_tpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mnist/mnist_tpu.py -------------------------------------------------------------------------------- /models/official/mobilenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/README.md -------------------------------------------------------------------------------- /models/official/mobilenet/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/__init__.py -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v2-128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v2-128.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v2-256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v2-256.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v2-32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v2-32.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v2-512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v2-512.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v2-8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v2-8.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v3-1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v3-1024.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v3-128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v3-128.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v3-2048.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v3-2048.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v3-256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v3-256.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v3-32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v3-32.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v3-512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v3-512.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v3-64.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v3-64.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/cloud/v3-8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/cloud/v3-8.yaml -------------------------------------------------------------------------------- /models/official/mobilenet/configs/mobilenet_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/configs/mobilenet_config.py -------------------------------------------------------------------------------- /models/official/mobilenet/inception_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/inception_preprocessing.py -------------------------------------------------------------------------------- /models/official/mobilenet/mobilenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/mobilenet.py -------------------------------------------------------------------------------- /models/official/mobilenet/mobilenet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/mobilenet_model.py -------------------------------------------------------------------------------- /models/official/mobilenet/supervised_images.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/supervised_images.py -------------------------------------------------------------------------------- /models/official/mobilenet/vgg_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/mobilenet/vgg_preprocessing.py -------------------------------------------------------------------------------- /models/official/resnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/README.md -------------------------------------------------------------------------------- /models/official/resnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/official/resnet/benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/benchmark/README.md -------------------------------------------------------------------------------- /models/official/resnet/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/official/resnet/benchmark/read_training_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/benchmark/read_training_time.py -------------------------------------------------------------------------------- /models/official/resnet/benchmark/resnet_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/benchmark/resnet_benchmark.py -------------------------------------------------------------------------------- /models/official/resnet/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/__init__.py -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v2-128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v2-128.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v2-256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v2-256.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v2-32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v2-32.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v2-512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v2-512.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v2-8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v2-8.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v3-1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v3-1024.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v3-128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v3-128.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v3-2048.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v3-2048.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v3-256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v3-256.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v3-32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v3-32.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v3-512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v3-512.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v3-64.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v3-64.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/cloud/v3-8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/cloud/v3-8.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/resnet101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/resnet101.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/resnet152.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/resnet152.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/resnet200.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/resnet200.yaml -------------------------------------------------------------------------------- /models/official/resnet/configs/resnet_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/configs/resnet_config.py -------------------------------------------------------------------------------- /models/official/resnet/imagenet_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/imagenet_input.py -------------------------------------------------------------------------------- /models/official/resnet/lars_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/lars_util.py -------------------------------------------------------------------------------- /models/official/resnet/resnet_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/resnet_k8s.yaml -------------------------------------------------------------------------------- /models/official/resnet/resnet_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/resnet_main.py -------------------------------------------------------------------------------- /models/official/resnet/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/resnet_model.py -------------------------------------------------------------------------------- /models/official/resnet/resnet_model_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/resnet_model_test.py -------------------------------------------------------------------------------- /models/official/resnet/resnet_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/resnet/resnet_preprocessing.py -------------------------------------------------------------------------------- /models/official/retinanet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/README.md -------------------------------------------------------------------------------- /models/official/retinanet/anchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/anchors.py -------------------------------------------------------------------------------- /models/official/retinanet/coco_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/coco_metric.py -------------------------------------------------------------------------------- /models/official/retinanet/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/dataloader.py -------------------------------------------------------------------------------- /models/official/retinanet/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/evaluation.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/__init__.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/argmax_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/argmax_matcher.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/box_coder.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/box_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/box_list.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/faster_rcnn_box_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/faster_rcnn_box_coder.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/matcher.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/preprocessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/preprocessor.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/region_similarity_calculator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/region_similarity_calculator.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/shape_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/shape_utils.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/target_assigner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/target_assigner.py -------------------------------------------------------------------------------- /models/official/retinanet/object_detection/tf_example_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/object_detection/tf_example_decoder.py -------------------------------------------------------------------------------- /models/official/retinanet/postprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/postprocess.py -------------------------------------------------------------------------------- /models/official/retinanet/retinanet_architecture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/retinanet_architecture.py -------------------------------------------------------------------------------- /models/official/retinanet/retinanet_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/retinanet_k8s.yaml -------------------------------------------------------------------------------- /models/official/retinanet/retinanet_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/retinanet_main.py -------------------------------------------------------------------------------- /models/official/retinanet/retinanet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/retinanet_model.py -------------------------------------------------------------------------------- /models/official/retinanet/retinanet_segmentation_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/retinanet_segmentation_main.py -------------------------------------------------------------------------------- /models/official/retinanet/retinanet_segmentation_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/retinanet_segmentation_model.py -------------------------------------------------------------------------------- /models/official/retinanet/retinanet_tensorrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/retinanet/retinanet_tensorrt.py -------------------------------------------------------------------------------- /models/official/squeezenet/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/squeezenet/configs/__init__.py -------------------------------------------------------------------------------- /models/official/squeezenet/configs/squeezenet_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/squeezenet/configs/squeezenet_config.py -------------------------------------------------------------------------------- /models/official/squeezenet/data_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/squeezenet/data_pipeline.py -------------------------------------------------------------------------------- /models/official/squeezenet/squeezenet_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/squeezenet/squeezenet_main.py -------------------------------------------------------------------------------- /models/official/squeezenet/squeezenet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/squeezenet/squeezenet_model.py -------------------------------------------------------------------------------- /models/official/transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/transformer/README.md -------------------------------------------------------------------------------- /models/official/unet3d/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/README.md -------------------------------------------------------------------------------- /models/official/unet3d/data_preprocess/convert_lits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/data_preprocess/convert_lits.py -------------------------------------------------------------------------------- /models/official/unet3d/data_preprocess/convert_lits_nii_to_npy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/data_preprocess/convert_lits_nii_to_npy.py -------------------------------------------------------------------------------- /models/official/unet3d/export_saved_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/export_saved_model.py -------------------------------------------------------------------------------- /models/official/unet3d/input_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/input_reader.py -------------------------------------------------------------------------------- /models/official/unet3d/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/metrics.py -------------------------------------------------------------------------------- /models/official/unet3d/params_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/params_dict.py -------------------------------------------------------------------------------- /models/official/unet3d/requirements.txt: -------------------------------------------------------------------------------- 1 | cloud-tpu-profiler>=1.12 2 | numpy 3 | pyyaml 4 | pytype 5 | -------------------------------------------------------------------------------- /models/official/unet3d/saved_model_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/saved_model_inference.py -------------------------------------------------------------------------------- /models/official/unet3d/tpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/tpu_executor.py -------------------------------------------------------------------------------- /models/official/unet3d/unet_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/unet_config.py -------------------------------------------------------------------------------- /models/official/unet3d/unet_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/unet_main.py -------------------------------------------------------------------------------- /models/official/unet3d/unet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/official/unet3d/unet_model.py -------------------------------------------------------------------------------- /models/samples/core/get_started/custom_tpuestimator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/samples/core/get_started/custom_tpuestimator.py -------------------------------------------------------------------------------- /models/samples/core/get_started/iris_data_tpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/samples/core/get_started/iris_data_tpu.py -------------------------------------------------------------------------------- /models/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/models/setup.py -------------------------------------------------------------------------------- /scripts/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/.gitignore -------------------------------------------------------------------------------- /scripts/add_data_from_testset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/add_data_from_testset.py -------------------------------------------------------------------------------- /scripts/add_extra_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/add_extra_data.sh -------------------------------------------------------------------------------- /scripts/blacklist.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/blacklist.txt -------------------------------------------------------------------------------- /scripts/build_leaf_classes_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/build_leaf_classes_list.py -------------------------------------------------------------------------------- /scripts/build_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/build_validation.py -------------------------------------------------------------------------------- /scripts/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/debug.py -------------------------------------------------------------------------------- /scripts/export_all_folds.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/export_all_folds.sh -------------------------------------------------------------------------------- /scripts/export_fold.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/export_fold.sh -------------------------------------------------------------------------------- /scripts/export_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/export_models.py -------------------------------------------------------------------------------- /scripts/export_saved_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/export_saved_model.sh -------------------------------------------------------------------------------- /scripts/extra/class-ids-human-body-parts-and-mammal.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/extra/class-ids-human-body-parts-and-mammal.txt -------------------------------------------------------------------------------- /scripts/extra/train-image-ids-with-human-parts-and-mammal-boxes.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/extra/train-image-ids-with-human-parts-and-mammal-boxes.txt -------------------------------------------------------------------------------- /scripts/filter_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/filter_dataset.py -------------------------------------------------------------------------------- /scripts/gen_coco_val_json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/gen_coco_val_json.py -------------------------------------------------------------------------------- /scripts/gen_tfrecords.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/gen_tfrecords.py -------------------------------------------------------------------------------- /scripts/inference/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/Dockerfile -------------------------------------------------------------------------------- /scripts/inference/add_parents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/add_parents.py -------------------------------------------------------------------------------- /scripts/inference/all_models.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/all_models.yml -------------------------------------------------------------------------------- /scripts/inference/cloud_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/cloud_inference.py -------------------------------------------------------------------------------- /scripts/inference/docker_build.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | docker build --tag open_images_objdet . 4 | -------------------------------------------------------------------------------- /scripts/inference/docker_run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/docker_run.sh -------------------------------------------------------------------------------- /scripts/inference/drop_parents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/drop_parents.py -------------------------------------------------------------------------------- /scripts/inference/gen_all_subs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/gen_all_subs.sh -------------------------------------------------------------------------------- /scripts/inference/gen_sub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/gen_sub.py -------------------------------------------------------------------------------- /scripts/inference/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/inference.py -------------------------------------------------------------------------------- /scripts/inference/join_predicted_parts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/join_predicted_parts.py -------------------------------------------------------------------------------- /scripts/inference/join_subs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/join_subs.py -------------------------------------------------------------------------------- /scripts/inference/merge_all_subs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/merge_all_subs.sh -------------------------------------------------------------------------------- /scripts/inference/merge_subs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/merge_subs.py -------------------------------------------------------------------------------- /scripts/inference/partial_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/partial_inference.py -------------------------------------------------------------------------------- /scripts/inference/ready_models.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/ready_models.txt -------------------------------------------------------------------------------- /scripts/inference/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | pandas 3 | tqdm 4 | pyyaml 5 | -------------------------------------------------------------------------------- /scripts/inference/soft_nms.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/soft_nms.pyx -------------------------------------------------------------------------------- /scripts/inference/trim_sub_by_num_of_predicts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/trim_sub_by_num_of_predicts.py -------------------------------------------------------------------------------- /scripts/inference/trim_sub_by_threshold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/trim_sub_by_threshold.py -------------------------------------------------------------------------------- /scripts/inference/trim_sub_decimal_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/inference/trim_sub_decimal_digits.py -------------------------------------------------------------------------------- /scripts/kfold_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/kfold_split.py -------------------------------------------------------------------------------- /scripts/prepare_datasets.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/prepare_datasets.sh -------------------------------------------------------------------------------- /scripts/prepare_folds.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/prepare_folds.sh -------------------------------------------------------------------------------- /scripts/prepare_tfrecords_v1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/prepare_tfrecords_v1.sh -------------------------------------------------------------------------------- /scripts/prepare_tfrecords_v2_removed_crowd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/prepare_tfrecords_v2_removed_crowd.sh -------------------------------------------------------------------------------- /scripts/prepare_tfrecords_v3_balanced.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/prepare_tfrecords_v3_balanced.sh -------------------------------------------------------------------------------- /scripts/prepare_tfrecords_v4_pseudo_labels.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/prepare_tfrecords_v4_pseudo_labels.sh -------------------------------------------------------------------------------- /scripts/prepare_tfrecords_v5_balanced_pseudo_labels.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/prepare_tfrecords_v5_balanced_pseudo_labels.sh -------------------------------------------------------------------------------- /scripts/split_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/split_classes.py -------------------------------------------------------------------------------- /scripts/train_on_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/train_on_dataset.sh -------------------------------------------------------------------------------- /scripts/train_on_fold.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/train_on_fold.sh -------------------------------------------------------------------------------- /scripts/upload_files_to_gcs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/scripts/upload_files_to_gcs.sh -------------------------------------------------------------------------------- /tools/colab/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/colab/BUILD -------------------------------------------------------------------------------- /tools/ctpu/.gitignore: -------------------------------------------------------------------------------- 1 | ctpu 2 | ctpu.exe 3 | *~ 4 | -------------------------------------------------------------------------------- /tools/ctpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/README.md -------------------------------------------------------------------------------- /tools/ctpu/commands/auth.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/auth.go -------------------------------------------------------------------------------- /tools/ctpu/commands/auth_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/auth_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/common.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/common.go -------------------------------------------------------------------------------- /tools/ctpu/commands/common_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/common_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/config_cmd.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/config_cmd.go -------------------------------------------------------------------------------- /tools/ctpu/commands/delete.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/delete.go -------------------------------------------------------------------------------- /tools/ctpu/commands/delete_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/delete_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/list.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/list.go -------------------------------------------------------------------------------- /tools/ctpu/commands/list_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/list_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/pause.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/pause.go -------------------------------------------------------------------------------- /tools/ctpu/commands/pause_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/pause_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/quota.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/quota.go -------------------------------------------------------------------------------- /tools/ctpu/commands/restart.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/restart.go -------------------------------------------------------------------------------- /tools/ctpu/commands/restart_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/restart_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/status.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/status.go -------------------------------------------------------------------------------- /tools/ctpu/commands/status_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/status_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/tf_versions.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/tf_versions.go -------------------------------------------------------------------------------- /tools/ctpu/commands/tpu_locations.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/tpu_locations.go -------------------------------------------------------------------------------- /tools/ctpu/commands/tpu_locations_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/tpu_locations_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/tpu_size.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/tpu_size.go -------------------------------------------------------------------------------- /tools/ctpu/commands/tpu_size_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/tpu_size_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/up.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/up.go -------------------------------------------------------------------------------- /tools/ctpu/commands/up_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/up_test.go -------------------------------------------------------------------------------- /tools/ctpu/commands/version.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/commands/version.go -------------------------------------------------------------------------------- /tools/ctpu/config/config.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/config.go -------------------------------------------------------------------------------- /tools/ctpu/config/config_gce.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/config_gce.go -------------------------------------------------------------------------------- /tools/ctpu/config/config_gcloud.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/config_gcloud.go -------------------------------------------------------------------------------- /tools/ctpu/config/config_gcloud_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/config_gcloud_test.go -------------------------------------------------------------------------------- /tools/ctpu/config/config_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/config_test.go -------------------------------------------------------------------------------- /tools/ctpu/config/devshell.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/devshell.go -------------------------------------------------------------------------------- /tools/ctpu/config/devshell_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/devshell_test.go -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/clean/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/clean/README.md -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/clean/active_config: -------------------------------------------------------------------------------- 1 | ctpu9 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/clean/application_default_credentials.json: -------------------------------------------------------------------------------- 1 | fake_app_default_file 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/clean/configurations/config_ctpu9: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/clean/configurations/config_ctpu9 -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/corrupted/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/corrupted/README.md -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/corrupted/active_config: -------------------------------------------------------------------------------- 1 | ctpu9 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/corrupted/application_default_credentials.json: -------------------------------------------------------------------------------- 1 | fake_app_default_file 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/corrupted/configurations/config_default: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/corrupted/configurations/config_default -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/corrupted2/README.md: -------------------------------------------------------------------------------- 1 | # Corrupted 2 # 2 | 3 | There is no configurations directory. 4 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/corrupted2/active_config: -------------------------------------------------------------------------------- 1 | ctpu9 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/corrupted2/application_default_credentials.json: -------------------------------------------------------------------------------- 1 | fake_app_default_file 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/incomplete/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/incomplete/README.md -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/incomplete/active_config: -------------------------------------------------------------------------------- 1 | ctpu9 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/incomplete/application_default_credentials.json: -------------------------------------------------------------------------------- 1 | fake_app_default_file 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/incomplete/configurations/config_ctpu9: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/incomplete/configurations/config_ctpu9 -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/no_app_creds/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/no_app_creds/README.md -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/no_app_creds/active_config: -------------------------------------------------------------------------------- 1 | ctpu9 2 | -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/no_app_creds/configurations/config_ctpu9: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/no_app_creds/configurations/config_ctpu9 -------------------------------------------------------------------------------- /tools/ctpu/config/testdata/gcloud/no_config/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/config/testdata/gcloud/no_config/README.md -------------------------------------------------------------------------------- /tools/ctpu/ctrl/ctrl.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/ctrl.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/ctrl_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/ctrl_test.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/gce.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/gce.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/gce_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/gce_test.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/gcloud_cli.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/gcloud_cli.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/gcloud_cli_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/gcloud_cli_test.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/resourcemgmt.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/resourcemgmt.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/resourcemgmt_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/resourcemgmt_test.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/servicemgmt.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/servicemgmt.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/tpu.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/tpu.go -------------------------------------------------------------------------------- /tools/ctpu/ctrl/tpu_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/ctrl/tpu_test.go -------------------------------------------------------------------------------- /tools/ctpu/main.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/main.go -------------------------------------------------------------------------------- /tools/ctpu/tutorial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/ctpu/tutorial.md -------------------------------------------------------------------------------- /tools/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/datasets/README.md -------------------------------------------------------------------------------- /tools/datasets/create_coco_tf_record.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/datasets/create_coco_tf_record.py -------------------------------------------------------------------------------- /tools/datasets/download_and_preprocess_coco.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/datasets/download_and_preprocess_coco.sh -------------------------------------------------------------------------------- /tools/datasets/download_and_preprocess_coco_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/datasets/download_and_preprocess_coco_k8s.yaml -------------------------------------------------------------------------------- /tools/datasets/imagenet_to_gcs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/datasets/imagenet_to_gcs.py -------------------------------------------------------------------------------- /tools/datasets/imagenet_to_gcs_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/datasets/imagenet_to_gcs_k8s.yaml -------------------------------------------------------------------------------- /tools/datasets/jpeg_to_tf_record.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/datasets/jpeg_to_tf_record.py -------------------------------------------------------------------------------- /tools/datasets/tfrecords_to_bigtable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/datasets/tfrecords_to_bigtable.py -------------------------------------------------------------------------------- /tools/diagnostics/diagnostics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/diagnostics/diagnostics.py -------------------------------------------------------------------------------- /tools/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/docker/Dockerfile -------------------------------------------------------------------------------- /tools/docker/Dockerfile.util: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/docker/Dockerfile.util -------------------------------------------------------------------------------- /tools/kubernetes/tensorboard_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/kubernetes/tensorboard_k8s.yaml -------------------------------------------------------------------------------- /tools/kubernetes/tpu_profiler_k8s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/artyompal/tpu_models/HEAD/tools/kubernetes/tpu_profiler_k8s.yaml --------------------------------------------------------------------------------