├── .github ├── ISSUE_TEMPLATE │ ├── 00-official-bug-report-issue.md │ ├── 10-official-documentation-issue.md │ ├── 20-official-feature-request-issue.md │ ├── 30-research-bug-report-issue.md │ ├── 40-research-documentation-issue.md │ ├── 50-research-feature-request-issue.md │ ├── 60-questions-help-issue.md │ └── config.yml ├── PULL_REQUEST_TEMPLATE.md ├── README_TEMPLATE.md ├── bot_config.yml ├── scripts │ └── pylint.sh └── workflows │ ├── ci.yml │ └── stale.yaml ├── .gitignore ├── AUTHORS ├── CODEOWNERS ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── ISSUES.md ├── LICENSE ├── README.md ├── SECURITY.md ├── community └── README.md ├── docs ├── README.md ├── index.md ├── nlp │ ├── _guide_toc.yaml │ ├── customize_encoder.ipynb │ ├── decoding_api.ipynb │ ├── fine_tune_bert.ipynb │ ├── index.ipynb │ └── load_lm_ckpts.ipynb ├── orbit │ └── index.ipynb └── vision │ ├── _toc.yaml │ ├── image_classification.ipynb │ ├── instance_segmentation.ipynb │ ├── object_detection.ipynb │ └── semantic_segmentation.ipynb ├── official ├── README-TPU.md ├── README.md ├── __init__.py ├── common │ ├── __init__.py │ ├── dataset_fn.py │ ├── distribute_utils.py │ ├── distribute_utils_test.py │ ├── flags.py │ ├── registry_imports.py │ └── streamz_counters.py ├── core │ ├── __init__.py │ ├── actions.py │ ├── actions_test.py │ ├── base_task.py │ ├── base_trainer.py │ ├── base_trainer_test.py │ ├── config_definitions.py │ ├── exp_factory.py │ ├── export_base.py │ ├── export_base_test.py │ ├── file_writers.py │ ├── file_writers_test.py │ ├── input_reader.py │ ├── registry.py │ ├── registry_test.py │ ├── savedmodel_checkpoint_manager.py │ ├── savedmodel_checkpoint_manager_test.py │ ├── task_factory.py │ ├── test_utils.py │ ├── tf_example_builder.py │ ├── tf_example_builder_test.py │ ├── tf_example_feature_key.py │ ├── tf_example_feature_key_test.py │ ├── train_lib.py │ ├── train_lib_test.py │ ├── train_utils.py │ └── train_utils_test.py ├── legacy │ ├── README.md │ ├── __init__.py │ ├── albert │ │ ├── README.md │ │ ├── __init__.py │ │ └── configs.py │ ├── bert │ │ ├── README.md │ │ ├── __init__.py │ │ ├── bert_cloud_tpu.md │ │ ├── bert_models.py │ │ ├── bert_models_test.py │ │ ├── common_flags.py │ │ ├── configs.py │ │ ├── export_tfhub.py │ │ ├── export_tfhub_test.py │ │ ├── input_pipeline.py │ │ ├── model_saving_utils.py │ │ ├── model_training_utils.py │ │ ├── model_training_utils_test.py │ │ ├── run_classifier.py │ │ ├── run_pretraining.py │ │ ├── run_squad.py │ │ ├── run_squad_helper.py │ │ └── serving.py │ ├── detection │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── base_config.py │ │ │ ├── factory.py │ │ │ ├── maskrcnn_config.py │ │ │ ├── olnmask_config.py │ │ │ ├── retinanet_config.py │ │ │ └── shapemask_config.py │ │ ├── dataloader │ │ │ ├── __init__.py │ │ │ ├── anchor.py │ │ │ ├── factory.py │ │ │ ├── input_reader.py │ │ │ ├── maskrcnn_parser.py │ │ │ ├── mode_keys.py │ │ │ ├── olnmask_parser.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 │ │ │ ├── detection_executor.py │ │ │ └── distributed_executor.py │ │ ├── main.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── architecture │ │ │ │ ├── __init__.py │ │ │ │ ├── factory.py │ │ │ │ ├── fpn.py │ │ │ │ ├── heads.py │ │ │ │ ├── identity.py │ │ │ │ ├── nn_blocks.py │ │ │ │ ├── nn_ops.py │ │ │ │ ├── resnet.py │ │ │ │ └── spinenet.py │ │ │ ├── base_model.py │ │ │ ├── checkpoint_utils.py │ │ │ ├── factory.py │ │ │ ├── learning_rates.py │ │ │ ├── losses.py │ │ │ ├── maskrcnn_model.py │ │ │ ├── olnmask_model.py │ │ │ ├── optimizers.py │ │ │ ├── retinanet_model.py │ │ │ └── shapemask_model.py │ │ ├── ops │ │ │ ├── __init__.py │ │ │ ├── nms.py │ │ │ ├── postprocess_ops.py │ │ │ ├── roi_ops.py │ │ │ ├── spatial_transform_ops.py │ │ │ └── target_ops.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── box_utils.py │ │ │ ├── class_utils.py │ │ │ ├── dataloader_utils.py │ │ │ ├── input_utils.py │ │ │ └── mask_utils.py │ ├── image_classification │ │ ├── README.md │ │ ├── __init__.py │ │ ├── augment.py │ │ ├── augment_test.py │ │ ├── callbacks.py │ │ ├── classifier_trainer.py │ │ ├── classifier_trainer_test.py │ │ ├── classifier_trainer_util_test.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── base_configs.py │ │ │ ├── configs.py │ │ │ └── examples │ │ │ │ ├── efficientnet │ │ │ │ └── imagenet │ │ │ │ │ ├── efficientnet-b0-gpu.yaml │ │ │ │ │ ├── efficientnet-b0-tpu.yaml │ │ │ │ │ ├── efficientnet-b1-gpu.yaml │ │ │ │ │ └── efficientnet-b1-tpu.yaml │ │ │ │ ├── resnet │ │ │ │ └── imagenet │ │ │ │ │ ├── gpu.yaml │ │ │ │ │ └── tpu.yaml │ │ │ │ └── vgg16 │ │ │ │ └── imagenet │ │ │ │ └── gpu.yaml │ │ ├── dataset_factory.py │ │ ├── efficientnet │ │ │ ├── __init__.py │ │ │ ├── common_modules.py │ │ │ ├── efficientnet_config.py │ │ │ ├── efficientnet_model.py │ │ │ └── tfhub_export.py │ │ ├── learning_rate.py │ │ ├── learning_rate_test.py │ │ ├── mnist_main.py │ │ ├── mnist_test.py │ │ ├── optimizer_factory.py │ │ ├── optimizer_factory_test.py │ │ ├── preprocessing.py │ │ ├── resnet │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ ├── imagenet_preprocessing.py │ │ │ ├── resnet_config.py │ │ │ ├── resnet_ctl_imagenet_main.py │ │ │ ├── resnet_model.py │ │ │ ├── resnet_runnable.py │ │ │ └── tfhub_export.py │ │ ├── test_utils.py │ │ └── vgg │ │ │ ├── __init__.py │ │ │ ├── vgg_config.py │ │ │ └── vgg_model.py │ ├── transformer │ │ ├── README.md │ │ ├── __init__.py │ │ ├── attention_layer.py │ │ ├── beam_search_v1.py │ │ ├── compute_bleu.py │ │ ├── compute_bleu_test.py │ │ ├── data_download.py │ │ ├── data_pipeline.py │ │ ├── embedding_layer.py │ │ ├── ffn_layer.py │ │ ├── metrics.py │ │ ├── misc.py │ │ ├── model_params.py │ │ ├── model_utils.py │ │ ├── model_utils_test.py │ │ ├── optimizer.py │ │ ├── transformer.py │ │ ├── transformer_forward_test.py │ │ ├── transformer_layers_test.py │ │ ├── transformer_main.py │ │ ├── transformer_main_test.py │ │ ├── transformer_test.py │ │ ├── translate.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── metrics.py │ │ │ ├── tokenizer.py │ │ │ └── tokenizer_test.py │ └── xlnet │ │ ├── README.md │ │ ├── __init__.py │ │ ├── classifier_utils.py │ │ ├── common_flags.py │ │ ├── data_utils.py │ │ ├── optimization.py │ │ ├── preprocess_classification_data.py │ │ ├── preprocess_pretrain_data.py │ │ ├── preprocess_squad_data.py │ │ ├── preprocess_utils.py │ │ ├── run_classifier.py │ │ ├── run_pretrain.py │ │ ├── run_squad.py │ │ ├── squad_utils.py │ │ ├── training_utils.py │ │ ├── xlnet_config.py │ │ └── xlnet_modeling.py ├── modeling │ ├── __init__.py │ ├── activations │ │ ├── __init__.py │ │ ├── gelu.py │ │ ├── gelu_test.py │ │ ├── mish.py │ │ ├── mish_test.py │ │ ├── relu.py │ │ ├── relu_test.py │ │ ├── sigmoid.py │ │ ├── sigmoid_test.py │ │ ├── swish.py │ │ └── swish_test.py │ ├── fast_training │ │ ├── experimental │ │ │ ├── tf2_utils_2x_wide.py │ │ │ └── tf2_utils_2x_wide_test.py │ │ └── progressive │ │ │ ├── policies.py │ │ │ ├── train.py │ │ │ ├── train_lib.py │ │ │ ├── train_lib_test.py │ │ │ ├── trainer.py │ │ │ ├── trainer_test.py │ │ │ └── utils.py │ ├── grad_utils.py │ ├── grad_utils_test.py │ ├── hyperparams │ │ ├── __init__.py │ │ ├── base_config.py │ │ ├── base_config_test.py │ │ ├── oneof.py │ │ ├── oneof_test.py │ │ ├── params_dict.py │ │ └── params_dict_test.py │ ├── multitask │ │ ├── __init__.py │ │ ├── base_model.py │ │ ├── base_trainer.py │ │ ├── base_trainer_test.py │ │ ├── configs.py │ │ ├── evaluator.py │ │ ├── evaluator_test.py │ │ ├── interleaving_trainer.py │ │ ├── interleaving_trainer_test.py │ │ ├── multitask.py │ │ ├── task_sampler.py │ │ ├── task_sampler_test.py │ │ ├── test_utils.py │ │ ├── train_lib.py │ │ └── train_lib_test.py │ ├── optimization │ │ ├── __init__.py │ │ ├── adafactor_optimizer.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── learning_rate_config.py │ │ │ ├── optimization_config.py │ │ │ ├── optimization_config_test.py │ │ │ └── optimizer_config.py │ │ ├── ema_optimizer.py │ │ ├── lamb.py │ │ ├── lamb_test.py │ │ ├── lars.py │ │ ├── legacy_adamw.py │ │ ├── lr_schedule.py │ │ ├── lr_schedule_test.py │ │ ├── optimizer_factory.py │ │ ├── optimizer_factory_test.py │ │ └── slide_optimizer.py │ ├── performance.py │ ├── privacy │ │ ├── __init__.py │ │ ├── configs.py │ │ ├── configs_test.py │ │ ├── ops.py │ │ └── ops_test.py │ ├── tf_utils.py │ └── tf_utils_test.py ├── nightly_requirements.txt ├── nlp │ ├── MODEL_GARDEN.md │ ├── README.md │ ├── __init__.py │ ├── configs │ │ ├── __init__.py │ │ ├── bert.py │ │ ├── electra.py │ │ ├── encoders.py │ │ ├── encoders_test.py │ │ ├── experiment_configs.py │ │ ├── experiments │ │ │ ├── glue_mnli_matched.yaml │ │ │ ├── glue_mnli_text.yaml │ │ │ ├── squad_v1.yaml │ │ │ ├── wiki_books_pretrain.yaml │ │ │ └── wiki_tfds_pretrain.yaml │ │ ├── finetuning_experiments.py │ │ ├── models │ │ │ ├── albert_base.yaml │ │ │ └── bert_en_uncased_base.yaml │ │ ├── pretraining_experiments.py │ │ └── wmt_transformer_experiments.py │ ├── continuous_finetune_lib.py │ ├── continuous_finetune_lib_test.py │ ├── data │ │ ├── README.md │ │ ├── __init__.py │ │ ├── classifier_data_lib.py │ │ ├── classifier_data_lib_test.py │ │ ├── create_finetuning_data.py │ │ ├── create_pretraining_data.py │ │ ├── create_pretraining_data_test.py │ │ ├── create_xlnet_pretraining_data.py │ │ ├── create_xlnet_pretraining_data_test.py │ │ ├── data_loader.py │ │ ├── data_loader_factory.py │ │ ├── data_loader_factory_test.py │ │ ├── dual_encoder_dataloader.py │ │ ├── dual_encoder_dataloader_test.py │ │ ├── pretrain_dataloader.py │ │ ├── pretrain_dataloader_test.py │ │ ├── pretrain_dynamic_dataloader.py │ │ ├── pretrain_dynamic_dataloader_test.py │ │ ├── pretrain_text_dataloader.py │ │ ├── question_answering_dataloader.py │ │ ├── question_answering_dataloader_test.py │ │ ├── sentence_prediction_dataloader.py │ │ ├── sentence_prediction_dataloader_test.py │ │ ├── sentence_retrieval_lib.py │ │ ├── squad_lib.py │ │ ├── squad_lib_sp.py │ │ ├── tagging_data_lib.py │ │ ├── tagging_data_lib_test.py │ │ ├── tagging_dataloader.py │ │ ├── tagging_dataloader_test.py │ │ ├── train_sentencepiece.py │ │ ├── wmt_dataloader.py │ │ └── wmt_dataloader_test.py │ ├── docs │ │ ├── README.md │ │ ├── pretrain.md │ │ ├── pretrained_models.md │ │ ├── tfhub.md │ │ └── train.md │ ├── finetuning │ │ ├── binary_helper.py │ │ ├── glue │ │ │ ├── flags.py │ │ │ └── run_glue.py │ │ └── superglue │ │ │ ├── flags.py │ │ │ └── run_superglue.py │ ├── metrics │ │ ├── __init__.py │ │ ├── bleu.py │ │ └── bleu_test.py │ ├── modeling │ │ ├── README.md │ │ ├── __init__.py │ │ ├── layers │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── attention.py │ │ │ ├── attention_test.py │ │ │ ├── bigbird_attention.py │ │ │ ├── bigbird_attention_test.py │ │ │ ├── block_diag_feedforward.py │ │ │ ├── block_diag_feedforward_test.py │ │ │ ├── cls_head.py │ │ │ ├── cls_head_test.py │ │ │ ├── factorized_embedding.py │ │ │ ├── factorized_embedding_test.py │ │ │ ├── gated_feedforward.py │ │ │ ├── gated_feedforward_test.py │ │ │ ├── gaussian_process.py │ │ │ ├── gaussian_process_test.py │ │ │ ├── kernel_attention.py │ │ │ ├── kernel_attention_test.py │ │ │ ├── masked_lm.py │ │ │ ├── masked_lm_test.py │ │ │ ├── masked_softmax.py │ │ │ ├── masked_softmax_test.py │ │ │ ├── mat_mul_with_margin.py │ │ │ ├── mat_mul_with_margin_test.py │ │ │ ├── mixing.py │ │ │ ├── mixing_test.py │ │ │ ├── mobile_bert_layers.py │ │ │ ├── mobile_bert_layers_test.py │ │ │ ├── moe.py │ │ │ ├── moe_test.py │ │ │ ├── multi_channel_attention.py │ │ │ ├── multi_channel_attention_test.py │ │ │ ├── on_device_embedding.py │ │ │ ├── on_device_embedding_test.py │ │ │ ├── pack_optimization.py │ │ │ ├── pack_optimization_test.py │ │ │ ├── per_dim_scale_attention.py │ │ │ ├── per_dim_scale_attention_test.py │ │ │ ├── position_embedding.py │ │ │ ├── position_embedding_test.py │ │ │ ├── relative_attention.py │ │ │ ├── relative_attention_test.py │ │ │ ├── reuse_attention.py │ │ │ ├── reuse_attention_test.py │ │ │ ├── reuse_transformer.py │ │ │ ├── reuse_transformer_test.py │ │ │ ├── rezero_transformer.py │ │ │ ├── rezero_transformer_test.py │ │ │ ├── routing.py │ │ │ ├── routing_test.py │ │ │ ├── self_attention_mask.py │ │ │ ├── spectral_normalization.py │ │ │ ├── spectral_normalization_test.py │ │ │ ├── talking_heads_attention.py │ │ │ ├── talking_heads_attention_test.py │ │ │ ├── text_layers.py │ │ │ ├── text_layers_test.py │ │ │ ├── tn_expand_condense.py │ │ │ ├── tn_expand_condense_test.py │ │ │ ├── tn_transformer_expand_condense.py │ │ │ ├── tn_transformer_test.py │ │ │ ├── transformer.py │ │ │ ├── transformer_encoder_block.py │ │ │ ├── transformer_encoder_block_test.py │ │ │ ├── transformer_scaffold.py │ │ │ ├── transformer_scaffold_test.py │ │ │ ├── transformer_test.py │ │ │ ├── transformer_xl.py │ │ │ ├── transformer_xl_test.py │ │ │ └── util.py │ │ ├── losses │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── weighted_sparse_categorical_crossentropy.py │ │ │ └── weighted_sparse_categorical_crossentropy_test.py │ │ ├── models │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── bert_classifier.py │ │ │ ├── bert_classifier_test.py │ │ │ ├── bert_pretrainer.py │ │ │ ├── bert_pretrainer_test.py │ │ │ ├── bert_span_labeler.py │ │ │ ├── bert_span_labeler_test.py │ │ │ ├── bert_token_classifier.py │ │ │ ├── bert_token_classifier_test.py │ │ │ ├── dual_encoder.py │ │ │ ├── dual_encoder_test.py │ │ │ ├── electra_pretrainer.py │ │ │ ├── electra_pretrainer_test.py │ │ │ ├── seq2seq_transformer.py │ │ │ ├── seq2seq_transformer_test.py │ │ │ ├── t5.py │ │ │ ├── t5_test.py │ │ │ ├── xlnet.py │ │ │ └── xlnet_test.py │ │ ├── networks │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── albert_encoder.py │ │ │ ├── albert_encoder_test.py │ │ │ ├── bert_dense_encoder_test.py │ │ │ ├── bert_encoder.py │ │ │ ├── bert_encoder_test.py │ │ │ ├── classification.py │ │ │ ├── classification_test.py │ │ │ ├── encoder_scaffold.py │ │ │ ├── encoder_scaffold_test.py │ │ │ ├── fnet.py │ │ │ ├── fnet_test.py │ │ │ ├── funnel_transformer.py │ │ │ ├── funnel_transformer_test.py │ │ │ ├── mobile_bert_encoder.py │ │ │ ├── mobile_bert_encoder_test.py │ │ │ ├── packed_sequence_embedding.py │ │ │ ├── packed_sequence_embedding_test.py │ │ │ ├── span_labeling.py │ │ │ ├── span_labeling_test.py │ │ │ ├── sparse_mixer.py │ │ │ ├── sparse_mixer_test.py │ │ │ ├── xlnet_base.py │ │ │ └── xlnet_base_test.py │ │ └── ops │ │ │ ├── __init__.py │ │ │ ├── beam_search.py │ │ │ ├── beam_search_test.py │ │ │ ├── decoding_module.py │ │ │ ├── decoding_module_test.py │ │ │ ├── sampling_module.py │ │ │ ├── segment_extractor.py │ │ │ └── segment_extractor_test.py │ ├── optimization.py │ ├── serving │ │ ├── __init__.py │ │ ├── export_savedmodel.py │ │ ├── export_savedmodel_test.py │ │ ├── export_savedmodel_util.py │ │ ├── serving_modules.py │ │ └── serving_modules_test.py │ ├── tasks │ │ ├── __init__.py │ │ ├── dual_encoder.py │ │ ├── dual_encoder_test.py │ │ ├── electra_task.py │ │ ├── electra_task_test.py │ │ ├── masked_lm.py │ │ ├── masked_lm_determinism_test.py │ │ ├── masked_lm_test.py │ │ ├── question_answering.py │ │ ├── question_answering_test.py │ │ ├── sentence_prediction.py │ │ ├── sentence_prediction_test.py │ │ ├── tagging.py │ │ ├── tagging_test.py │ │ ├── translation.py │ │ ├── translation_test.py │ │ └── utils.py │ ├── tools │ │ ├── __init__.py │ │ ├── export_tfhub.py │ │ ├── export_tfhub_lib.py │ │ ├── export_tfhub_lib_test.py │ │ ├── squad_evaluate_v1_1.py │ │ ├── squad_evaluate_v2_0.py │ │ ├── tf1_bert_checkpoint_converter_lib.py │ │ ├── tf2_albert_encoder_checkpoint_converter.py │ │ ├── tf2_bert_encoder_checkpoint_converter.py │ │ ├── tokenization.py │ │ └── tokenization_test.py │ └── train.py ├── pip_package │ └── setup.py ├── projects │ ├── README.md │ ├── __init__.py │ ├── assemblenet │ │ ├── README.md │ │ ├── configs │ │ │ ├── assemblenet.py │ │ │ └── assemblenet_test.py │ │ ├── experiment │ │ │ ├── ucf101_assemblenet_plus_tpu.yaml │ │ │ └── ucf101_assemblenet_tpu.yaml │ │ ├── modeling │ │ │ ├── assemblenet.py │ │ │ ├── assemblenet_plus.py │ │ │ ├── assemblenet_plus_test.py │ │ │ └── rep_flow_2d_layer.py │ │ ├── train.py │ │ └── train_test.py │ ├── backbone_reuse │ │ ├── README.md │ │ └── configs │ │ │ └── experiments │ │ │ ├── faster_rcnn │ │ │ ├── fastrcnn_resnet101_fpn_600epochs.yaml │ │ │ ├── fastrcnn_resnet101_fpn_72epochs.yaml │ │ │ ├── fastrcnn_resnet101_fpn_cascade_600epochs.yaml │ │ │ ├── fastrcnn_resnet101_fpn_cascade_72epochs.yaml │ │ │ ├── fastrcnn_resnet101_nasfpn_600epochs.yaml │ │ │ ├── fastrcnn_resnet101_nasfpn_72epochs.yaml │ │ │ ├── fastrcnn_resnet101_nasfpn_cascade_600epochs.yaml │ │ │ └── fastrcnn_resnet101_nasfpn_cascade_72epochs.yaml │ │ │ └── retinanet │ │ │ ├── retinanet_resnet101_fpn_600epochs.yaml │ │ │ ├── retinanet_resnet101_fpn_72epochs.yaml │ │ │ ├── retinanet_resnet101_nasfpn_600epochs.yaml │ │ │ └── retinanet_resnet101_nasfpn_72epochs.yaml │ ├── basnet │ │ ├── README.md │ │ ├── configs │ │ │ ├── basnet.py │ │ │ ├── basnet_test.py │ │ │ └── experiments │ │ │ │ └── basnet_dut_gpu.yaml │ │ ├── evaluation │ │ │ ├── metrics.py │ │ │ └── metrics_test.py │ │ ├── losses │ │ │ └── basnet_losses.py │ │ ├── modeling │ │ │ ├── basnet_model.py │ │ │ ├── basnet_model_test.py │ │ │ ├── nn_blocks.py │ │ │ └── refunet.py │ │ ├── serving │ │ │ ├── basnet.py │ │ │ └── export_saved_model.py │ │ ├── tasks │ │ │ └── basnet.py │ │ └── train.py │ ├── bigbird │ │ ├── README.md │ │ ├── __init__.py │ │ ├── encoder.py │ │ ├── encoder_test.py │ │ ├── experiment_configs.py │ │ ├── experiments │ │ │ ├── glue_mnli_matched.yaml │ │ │ └── squad_v1.yaml │ │ ├── recompute_grad.py │ │ ├── recomputing_dropout.py │ │ └── stateless_dropout.py │ ├── centernet │ │ ├── README.md │ │ ├── __init__.py │ │ ├── common │ │ │ ├── __init__.py │ │ │ └── registry_imports.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── backbones.py │ │ │ ├── centernet.py │ │ │ ├── centernet_test.py │ │ │ └── experiments │ │ │ │ ├── coco-centernet-hourglass-gpu.yaml │ │ │ │ └── coco-centernet-hourglass-tpu.yaml │ │ ├── dataloaders │ │ │ ├── __init__.py │ │ │ └── centernet_input.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ ├── centernet_losses.py │ │ │ └── centernet_losses_test.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── backbones │ │ │ │ ├── __init__.py │ │ │ │ ├── hourglass.py │ │ │ │ └── hourglass_test.py │ │ │ ├── centernet_model.py │ │ │ ├── centernet_model_test.py │ │ │ ├── heads │ │ │ │ ├── __init__.py │ │ │ │ ├── centernet_head.py │ │ │ │ └── centernet_head_test.py │ │ │ └── layers │ │ │ │ ├── __init__.py │ │ │ │ ├── cn_nn_blocks.py │ │ │ │ ├── cn_nn_blocks_test.py │ │ │ │ ├── detection_generator.py │ │ │ │ └── detection_generator_test.py │ │ ├── ops │ │ │ ├── __init__.py │ │ │ ├── box_list.py │ │ │ ├── box_list_ops.py │ │ │ ├── loss_ops.py │ │ │ ├── nms_ops.py │ │ │ ├── preprocess_ops.py │ │ │ ├── target_assigner.py │ │ │ └── target_assigner_test.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ └── centernet.py │ │ ├── train.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── checkpoints │ │ │ ├── __init__.py │ │ │ ├── config_classes.py │ │ │ ├── config_data.py │ │ │ ├── load_weights.py │ │ │ └── read_checkpoints.py │ │ │ └── tf2_centernet_checkpoint_converter.py │ ├── const_cl │ │ ├── README.md │ │ ├── configs │ │ │ ├── backbones_3d.py │ │ │ ├── backbones_3d_test.py │ │ │ ├── const_cl.py │ │ │ ├── const_cl_test.py │ │ │ ├── head.py │ │ │ ├── head_test.py │ │ │ └── yaml │ │ │ │ ├── const_cl_pretrain_k400_100k.yaml │ │ │ │ └── const_cl_pretrain_k400_200k.yaml │ │ ├── datasets │ │ │ ├── video_ssl_inputs.py │ │ │ └── video_ssl_inputs_test.py │ │ ├── losses │ │ │ ├── losses.py │ │ │ └── losses_test.py │ │ ├── modeling │ │ │ ├── backbones │ │ │ │ ├── nn_blocks_3d.py │ │ │ │ ├── nn_blocks_3d_test.py │ │ │ │ ├── resnet_3d.py │ │ │ │ └── resnet_3d_test.py │ │ │ ├── const_cl_model.py │ │ │ ├── const_cl_model_test.py │ │ │ └── heads │ │ │ │ ├── instance_reconstructor.py │ │ │ │ ├── instance_reconstructor_test.py │ │ │ │ ├── simple.py │ │ │ │ ├── simple_test.py │ │ │ │ ├── transformer_decoder.py │ │ │ │ └── transformer_decoder_test.py │ │ ├── tasks │ │ │ ├── const_cl.py │ │ │ └── const_cl_test.py │ │ └── train.py │ ├── cots_detector │ │ ├── README.md │ │ └── crown_of_thorns_starfish_detection_pipeline.ipynb │ ├── deepmac_maskrcnn │ │ ├── README.md │ │ ├── __init__.py │ │ ├── common │ │ │ ├── __init__.py │ │ │ └── registry_imports.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── deep_mask_head_rcnn.py │ │ │ ├── deep_mask_head_rcnn_config_test.py │ │ │ └── experiments │ │ │ │ ├── deep_mask_head_rcnn_nonvoc_spinenet143_hg52.yaml │ │ │ │ ├── deep_mask_head_rcnn_voc_r101_hg52.yaml │ │ │ │ ├── deep_mask_head_rcnn_voc_r50.yaml │ │ │ │ ├── deep_mask_head_rcnn_voc_r50_hg52.yaml │ │ │ │ └── deep_mask_head_rcnn_voc_spinenet143_hg52.yaml │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── heads │ │ │ │ ├── __init__.py │ │ │ │ ├── hourglass_network.py │ │ │ │ ├── instance_heads.py │ │ │ │ └── instance_heads_test.py │ │ │ ├── maskrcnn_model.py │ │ │ └── maskrcnn_model_test.py │ │ ├── serving │ │ │ ├── __init__.py │ │ │ ├── detection.py │ │ │ ├── detection_test.py │ │ │ └── export_saved_model.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ └── deep_mask_head_rcnn.py │ │ └── train.py │ ├── detr │ │ ├── README.md │ │ ├── configs │ │ │ ├── detr.py │ │ │ └── detr_test.py │ │ ├── dataloaders │ │ │ ├── coco.py │ │ │ ├── coco_test.py │ │ │ └── detr_input.py │ │ ├── experiments │ │ │ ├── detr_r50_300epochs.sh │ │ │ └── detr_r50_500epochs.sh │ │ ├── modeling │ │ │ ├── detr.py │ │ │ ├── detr_test.py │ │ │ ├── transformer.py │ │ │ └── transformer_test.py │ │ ├── ops │ │ │ ├── matchers.py │ │ │ └── matchers_test.py │ │ ├── optimization.py │ │ ├── serving │ │ │ ├── export_module.py │ │ │ ├── export_module_test.py │ │ │ └── export_saved_model.py │ │ ├── tasks │ │ │ ├── detection.py │ │ │ └── detection_test.py │ │ └── train.py │ ├── edgetpu │ │ ├── README.md │ │ ├── nlp │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── configs │ │ │ │ ├── __init__.py │ │ │ │ └── params.py │ │ │ ├── experiments │ │ │ │ ├── downstream_tasks │ │ │ │ │ ├── glue_mnli.yaml │ │ │ │ │ ├── mobilebert_baseline.yaml │ │ │ │ │ ├── mobilebert_edgetpu_m.yaml │ │ │ │ │ ├── mobilebert_edgetpu_s.yaml │ │ │ │ │ ├── mobilebert_edgetpu_xs.yaml │ │ │ │ │ ├── mobilebert_edgetpu_xxs.yaml │ │ │ │ │ └── squad_v1.yaml │ │ │ │ ├── mobilebert_baseline.yaml │ │ │ │ ├── mobilebert_edgetpu_m.yaml │ │ │ │ ├── mobilebert_edgetpu_s.yaml │ │ │ │ ├── mobilebert_edgetpu_xs.yaml │ │ │ │ └── mobilebert_edgetpu_xxs.yaml │ │ │ ├── mobilebert_edgetpu_trainer.py │ │ │ ├── mobilebert_edgetpu_trainer_test.py │ │ │ ├── modeling │ │ │ │ ├── __init__.py │ │ │ │ ├── edgetpu_layers.py │ │ │ │ ├── edgetpu_layers_test.py │ │ │ │ ├── encoder.py │ │ │ │ ├── model_builder.py │ │ │ │ ├── model_builder_test.py │ │ │ │ ├── pretrainer.py │ │ │ │ └── pretrainer_test.py │ │ │ ├── run_mobilebert_edgetpu_train.py │ │ │ ├── serving │ │ │ │ ├── __init__.py │ │ │ │ ├── export_tflite_squad.py │ │ │ │ └── export_tflite_squad_test.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── utils.py │ │ │ │ └── utils_test.py │ │ └── vision │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── mobilenet_edgetpu_config.py │ │ │ ├── semantic_segmentation_config.py │ │ │ └── semantic_segmentation_searched_config.py │ │ │ ├── dataloaders │ │ │ ├── __init__.py │ │ │ ├── classification_input.py │ │ │ └── classification_input_test.py │ │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── backbones │ │ │ │ ├── __init__.py │ │ │ │ ├── mobilenet_edgetpu.py │ │ │ │ └── mobilenet_edgetpu_test.py │ │ │ ├── common_modules.py │ │ │ ├── custom_layers.py │ │ │ ├── custom_layers_test.py │ │ │ ├── heads │ │ │ │ ├── __init__.py │ │ │ │ └── bifpn_head.py │ │ │ ├── mobilenet_edgetpu_v1_model.py │ │ │ ├── mobilenet_edgetpu_v1_model_blocks.py │ │ │ ├── mobilenet_edgetpu_v1_model_test.py │ │ │ ├── mobilenet_edgetpu_v2_model.py │ │ │ ├── mobilenet_edgetpu_v2_model_blocks.py │ │ │ ├── mobilenet_edgetpu_v2_model_blocks_test.py │ │ │ ├── mobilenet_edgetpu_v2_model_test.py │ │ │ ├── optimized_multiheadattention_layer.py │ │ │ └── optimized_multiheadattention_layer_test.py │ │ │ ├── serving │ │ │ ├── __init__.py │ │ │ ├── export_tflite.py │ │ │ ├── export_tflite_test.py │ │ │ ├── export_util.py │ │ │ ├── inference_visualization_tool.ipynb │ │ │ ├── testdata │ │ │ │ ├── ADE_val_00000557.jpg │ │ │ │ ├── ADE_val_00001471.jpg │ │ │ │ └── ADE_val_00001626.jpg │ │ │ ├── tflite_imagenet_evaluator.py │ │ │ ├── tflite_imagenet_evaluator_run.py │ │ │ └── tflite_imagenet_evaluator_test.py │ │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── image_classification.py │ │ │ ├── image_classification_test.py │ │ │ ├── semantic_segmentation.py │ │ │ └── semantic_segmentation_test.py │ │ │ └── train.py │ ├── fffner │ │ ├── README.md │ │ ├── experiments │ │ │ ├── base_conll2003.yaml │ │ │ └── base_restaurants.yaml │ │ ├── fffner.py │ │ ├── fffner_classifier.py │ │ ├── fffner_dataloader.py │ │ ├── fffner_encoder.py │ │ ├── fffner_encoder_test.py │ │ ├── fffner_experiments.py │ │ ├── fffner_prediction.py │ │ ├── train.py │ │ └── utils │ │ │ ├── convert_checkpoint_huggingface.py │ │ │ ├── convert_checkpoint_tensorflow.py │ │ │ └── create_data.py │ ├── labse │ │ ├── README.md │ │ ├── config_labse.py │ │ ├── experiments │ │ │ ├── labse_base.yaml │ │ │ └── labse_bert_base.yaml │ │ ├── export_tfhub.py │ │ ├── export_tfhub_test.py │ │ └── train.py │ ├── longformer │ │ ├── README.md │ │ ├── experiments │ │ │ ├── glue_mnli.yaml │ │ │ ├── glue_mnli_allenai.yaml │ │ │ └── pretraining_512.yaml │ │ ├── longformer.py │ │ ├── longformer_attention.py │ │ ├── longformer_attention_test.py │ │ ├── longformer_encoder.py │ │ ├── longformer_encoder_block.py │ │ ├── longformer_encoder_test.py │ │ ├── longformer_experiments.py │ │ ├── train.py │ │ └── utils │ │ │ ├── convert_pretrained_pytorch_checkpoint_to_tf.py │ │ │ └── longformer_tokenizer_to_tfrecord.py │ ├── lra │ │ ├── README.md │ │ ├── experiments │ │ │ ├── lra_aan.yaml │ │ │ ├── lra_aan_linformer.yaml │ │ │ ├── lra_aan_mega.yaml │ │ │ ├── lra_cifar.yaml │ │ │ ├── lra_cifar_linformer.yaml │ │ │ ├── lra_cifar_mega.yaml │ │ │ ├── lra_imdb.yaml │ │ │ ├── lra_imdb_linformer.yaml │ │ │ ├── lra_imdb_mega.yaml │ │ │ ├── lra_listops.yaml │ │ │ ├── lra_listops_linformer.yaml │ │ │ ├── lra_listops_mega.yaml │ │ │ ├── lra_pathfinder.yaml │ │ │ ├── lra_pathfinder_linformer.yaml │ │ │ └── lra_pathfinder_mega.yaml │ │ ├── exponential_moving_average.py │ │ ├── linformer.py │ │ ├── linformer_encoder.py │ │ ├── linformer_encoder_block.py │ │ ├── linformer_experiments.py │ │ ├── lra_dual_encoder.py │ │ ├── lra_dual_encoder_dataloader.py │ │ ├── lra_dual_encoder_task.py │ │ ├── mega.py │ │ ├── mega_encoder.py │ │ ├── mega_encoder_test.py │ │ ├── mega_experiments.py │ │ ├── moving_average_gated_attention.py │ │ ├── train.py │ │ ├── transformer.py │ │ ├── transformer_encoder.py │ │ └── transformer_experiments.py │ ├── mae │ │ ├── README.md │ │ ├── configs │ │ │ ├── linear_probe.py │ │ │ ├── mae.py │ │ │ └── vit.py │ │ ├── modeling │ │ │ ├── masked_ae.py │ │ │ ├── utils.py │ │ │ └── vit.py │ │ ├── optimization.py │ │ ├── tasks │ │ │ ├── image_classification.py │ │ │ ├── image_classification_test.py │ │ │ ├── linear_probe.py │ │ │ ├── linear_probe_test.py │ │ │ ├── masked_ae.py │ │ │ └── masked_ae_test.py │ │ └── train.py │ ├── maxvit │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── backbones.py │ │ │ ├── experiments │ │ │ │ ├── coco_maxvitb_i640_crcnn.yaml │ │ │ │ ├── coco_maxvitb_i896_crcnn.yaml │ │ │ │ ├── coco_maxvitl_i896_crcnn.yaml │ │ │ │ ├── coco_maxvits_i896_crcnn.yaml │ │ │ │ ├── coco_maxvitt_i640_crcnn.yaml │ │ │ │ ├── coco_maxvitxl_i896_crcnn.yaml │ │ │ │ ├── finetune_maxvitb_imagenet_i384.yaml │ │ │ │ ├── finetune_maxvitb_imagenet_i512.yaml │ │ │ │ ├── finetune_maxvitl_imagenet_i384.yaml │ │ │ │ ├── finetune_maxvitl_imagenet_i512.yaml │ │ │ │ ├── finetune_maxvitxl_imagenet_i384.yaml │ │ │ │ ├── finetune_maxvitxl_imagenet_i512.yaml │ │ │ │ ├── maxvit_base_imagenet.yaml │ │ │ │ ├── maxvit_base_imagenet_gpu.yaml │ │ │ │ ├── maxvit_large_imagenet.yaml │ │ │ │ ├── maxvit_large_imagenet_gpu.yaml │ │ │ │ ├── maxvit_small_imagenet.yaml │ │ │ │ ├── maxvit_small_imagenet_gpu.yaml │ │ │ │ ├── maxvit_tiny_imagenet.yaml │ │ │ │ ├── maxvit_xlarge_imagenet.yaml │ │ │ │ ├── maxvit_xlarge_imagenet_gpu.yaml │ │ │ │ ├── retinanet_maxvit_base_coco_i1280_tpu.yaml │ │ │ │ ├── retinanet_maxvit_base_coco_i640_tpu.yaml │ │ │ │ ├── seg_coco_maxvits_i640.yaml │ │ │ │ └── seg_pascal_maxvits_i512.yaml │ │ │ ├── image_classification.py │ │ │ ├── image_classification_test.py │ │ │ ├── rcnn.py │ │ │ ├── rcnn_test.py │ │ │ ├── retinanet.py │ │ │ ├── retinanet_test.py │ │ │ ├── semantic_segmentation.py │ │ │ └── semantic_segmentation_test.py │ │ ├── docs │ │ │ ├── i21k_jft_results.png │ │ │ ├── imagenet_results.png │ │ │ └── maxvit_arch.png │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── common_ops.py │ │ │ ├── layers.py │ │ │ ├── maxvit.py │ │ │ └── maxvit_test.py │ │ ├── registry_imports.py │ │ ├── train.py │ │ └── train_test.py │ ├── mobilebert │ │ ├── README.md │ │ ├── __init__.py │ │ ├── distillation.py │ │ ├── distillation_test.py │ │ ├── experiments │ │ │ ├── en_uncased_student.yaml │ │ │ ├── en_uncased_teacher.yaml │ │ │ └── mobilebert_distillation_en_uncased.yaml │ │ ├── export_tfhub.py │ │ ├── model_utils.py │ │ ├── run_distillation.py │ │ ├── tf2_model_checkpoint_converter.py │ │ └── utils.py │ ├── mosaic │ │ ├── README.md │ │ ├── configs │ │ │ ├── experiments │ │ │ │ └── mosaic_mnv35_cityscapes_tfds_tpu.yaml │ │ │ └── mosaic_config.py │ │ ├── modeling │ │ │ ├── mosaic_blocks.py │ │ │ ├── mosaic_blocks_test.py │ │ │ ├── mosaic_head.py │ │ │ ├── mosaic_head_test.py │ │ │ ├── mosaic_model.py │ │ │ └── mosaic_model_test.py │ │ ├── mosaic_tasks.py │ │ ├── mosaic_tasks_test.py │ │ ├── mosaic_tutorial.ipynb │ │ ├── qat │ │ │ ├── configs │ │ │ │ ├── experiments │ │ │ │ │ └── semantic_segmentation │ │ │ │ │ │ └── mosaic_mnv35_cityscapes_tfds_qat_tpu.yaml │ │ │ │ ├── mosaic_config.py │ │ │ │ └── mosaic_config_test.py │ │ │ ├── modeling │ │ │ │ ├── factory.py │ │ │ │ ├── factory_test.py │ │ │ │ ├── heads │ │ │ │ │ ├── mosaic_head.py │ │ │ │ │ └── mosaic_head_test.py │ │ │ │ └── layers │ │ │ │ │ ├── nn_blocks.py │ │ │ │ │ └── nn_blocks_test.py │ │ │ ├── serving │ │ │ │ ├── export_module.py │ │ │ │ ├── export_saved_model.py │ │ │ │ └── export_tflite.py │ │ │ └── tasks │ │ │ │ ├── mosaic_tasks.py │ │ │ │ └── mosaic_tasks_test.py │ │ ├── registry_imports.py │ │ └── train.py │ ├── movinet │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── movinet.py │ │ │ ├── movinet_test.py │ │ │ └── yaml │ │ │ │ ├── movinet_a0_gpu.yaml │ │ │ │ ├── movinet_a0_k600_8x8.yaml │ │ │ │ ├── movinet_a0_k600_cpu_local.yaml │ │ │ │ ├── movinet_a0_stream_gpu.yaml │ │ │ │ ├── movinet_a0_stream_k600_8x8.yaml │ │ │ │ ├── movinet_a1_gpu.yaml │ │ │ │ ├── movinet_a1_k600_8x8.yaml │ │ │ │ ├── movinet_a1_stream_gpu.yaml │ │ │ │ ├── movinet_a1_stream_k600_8x8.yaml │ │ │ │ ├── movinet_a2_gpu.yaml │ │ │ │ ├── movinet_a2_k600_8x8.yaml │ │ │ │ ├── movinet_a2_stream_gpu.yaml │ │ │ │ ├── movinet_a2_stream_k600_8x8.yaml │ │ │ │ ├── movinet_a3_gpu.yaml │ │ │ │ ├── movinet_a3_k600_8x8.yaml │ │ │ │ ├── movinet_a3_stream_gpu.yaml │ │ │ │ ├── movinet_a3_stream_k600_8x8.yaml │ │ │ │ ├── movinet_a4_gpu.yaml │ │ │ │ ├── movinet_a4_k600_8x8.yaml │ │ │ │ ├── movinet_a4_stream_gpu.yaml │ │ │ │ ├── movinet_a4_stream_k600_8x8.yaml │ │ │ │ ├── movinet_a5_gpu.yaml │ │ │ │ ├── movinet_a5_k600_8x8.yaml │ │ │ │ ├── movinet_a5_stream_gpu.yaml │ │ │ │ ├── movinet_a5_stream_k600_8x8.yaml │ │ │ │ ├── movinet_t0_k600_8x8.yaml │ │ │ │ └── movinet_t0_stream_k600_8x8.yaml │ │ ├── files │ │ │ ├── jumpingjack.gif │ │ │ └── kinetics_600_labels.txt │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── movinet.py │ │ │ ├── movinet_layers.py │ │ │ ├── movinet_layers_test.py │ │ │ ├── movinet_model.py │ │ │ ├── movinet_model_test.py │ │ │ └── movinet_test.py │ │ ├── movinet_streaming_model_training_and_inference.ipynb │ │ ├── movinet_tutorial.ipynb │ │ ├── requirements.txt │ │ ├── tools │ │ │ ├── __init__.py │ │ │ ├── convert_3d_2plus1d.py │ │ │ ├── convert_3d_2plus1d_test.py │ │ │ ├── export_saved_model.py │ │ │ ├── export_saved_model_test.py │ │ │ ├── plot_movinet_video_stream_predictions.ipynb │ │ │ └── quantize_movinet.py │ │ ├── train.py │ │ └── train_test.py │ ├── mtop │ │ └── README.md │ ├── nhnet │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configs.py │ │ ├── configs_test.py │ │ ├── decoder.py │ │ ├── decoder_test.py │ │ ├── evaluation.py │ │ ├── input_pipeline.py │ │ ├── models.py │ │ ├── models_test.py │ │ ├── optimizer.py │ │ ├── raw_data_process.py │ │ ├── raw_data_processor.py │ │ ├── testdata │ │ │ ├── crawled_articles │ │ │ │ ├── domain_0.com │ │ │ │ │ ├── url_000.html │ │ │ │ │ └── url_000.json │ │ │ │ └── domain_1.com │ │ │ │ │ ├── url_001.html │ │ │ │ │ └── url_001.json │ │ │ ├── stories.json │ │ │ └── vocab.txt │ │ ├── trainer.py │ │ ├── trainer_test.py │ │ └── utils.py │ ├── panoptic │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── experiments │ │ │ │ ├── r50fpn_1x_coco.yaml │ │ │ │ └── r50fpn_3x_coco.yaml │ │ │ ├── panoptic_deeplab.py │ │ │ └── panoptic_maskrcnn.py │ │ ├── dataloaders │ │ │ ├── panoptic_deeplab_input.py │ │ │ └── panoptic_maskrcnn_input.py │ │ ├── losses │ │ │ └── panoptic_deeplab_losses.py │ │ ├── modeling │ │ │ ├── factory.py │ │ │ ├── heads │ │ │ │ └── panoptic_deeplab_heads.py │ │ │ ├── layers │ │ │ │ ├── fusion_layers.py │ │ │ │ ├── panoptic_deeplab_merge.py │ │ │ │ ├── panoptic_segmentation_generator.py │ │ │ │ └── paste_masks.py │ │ │ ├── panoptic_deeplab_model.py │ │ │ └── panoptic_maskrcnn_model.py │ │ ├── ops │ │ │ └── mask_ops.py │ │ ├── serving │ │ │ ├── export_saved_model.py │ │ │ ├── panoptic_deeplab.py │ │ │ └── panoptic_maskrcnn.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── panoptic_deeplab.py │ │ │ └── panoptic_maskrcnn.py │ │ └── train.py │ ├── perceiver │ │ ├── README.md │ │ ├── configs │ │ │ ├── encoders.py │ │ │ ├── experiments │ │ │ │ ├── glue_cola.yaml │ │ │ │ ├── glue_mnli_m.yaml │ │ │ │ ├── glue_mnli_mm.yaml │ │ │ │ ├── glue_mrpc.yaml │ │ │ │ ├── glue_qnli.yaml │ │ │ │ ├── glue_qqp.yaml │ │ │ │ ├── glue_rte.yaml │ │ │ │ ├── glue_sst.yaml │ │ │ │ ├── glue_stsb.yaml │ │ │ │ ├── vizier_config_glue.pbtxt │ │ │ │ └── wiki_books_pretrain.yaml │ │ │ ├── perceiver.py │ │ │ └── perceiver_test.py │ │ ├── modeling │ │ │ ├── layers │ │ │ │ ├── decoder.py │ │ │ │ ├── decoder_test.py │ │ │ │ ├── encoder.py │ │ │ │ ├── encoder_test.py │ │ │ │ ├── utils.py │ │ │ │ └── utils_test.py │ │ │ ├── models │ │ │ │ ├── classifier.py │ │ │ │ ├── classifier_test.py │ │ │ │ ├── pretrainer.py │ │ │ │ └── pretrainer_test.py │ │ │ └── networks │ │ │ │ ├── positional_decoder.py │ │ │ │ ├── positional_decoder_test.py │ │ │ │ ├── sequence_encoder.py │ │ │ │ └── sequence_encoder_test.py │ │ ├── perceiver.ipynb │ │ ├── tasks │ │ │ ├── pretrain.py │ │ │ ├── pretrain_test.py │ │ │ ├── sentence_prediction.py │ │ │ └── sentence_prediction_test.py │ │ └── train.py │ ├── pix2seq │ │ ├── README.md │ │ ├── configs │ │ │ ├── pix2seq.py │ │ │ └── pix2seq_test.py │ │ ├── dataloaders │ │ │ ├── pix2seq_input.py │ │ │ └── pix2seq_input_test.py │ │ ├── modeling │ │ │ ├── pix2seq_model.py │ │ │ ├── pix2seq_model_test.py │ │ │ ├── transformer.py │ │ │ └── transformer_test.py │ │ ├── tasks │ │ │ └── pix2seq_task.py │ │ ├── train.py │ │ └── utils.py │ ├── pixel │ │ ├── README.md │ │ ├── configs │ │ │ └── pixel.py │ │ ├── data_loader.py │ │ ├── modeling │ │ │ └── pixel.py │ │ ├── tasks │ │ │ └── classification.py │ │ ├── train.py │ │ └── utils │ │ │ └── convert_numpy_weights_to_tf.py │ ├── pointpillars │ │ ├── README.md │ │ ├── configs │ │ │ ├── pointpillars.py │ │ │ ├── pointpillars_test.py │ │ │ └── vehicle │ │ │ │ ├── pointpillars_3d_baseline_gpu.yaml │ │ │ │ ├── pointpillars_3d_baseline_local.yaml │ │ │ │ └── pointpillars_3d_baseline_tpu.yaml │ │ ├── dataloaders │ │ │ ├── decoders.py │ │ │ ├── decoders_test.py │ │ │ ├── parsers.py │ │ │ └── parsers_test.py │ │ ├── modeling │ │ │ ├── backbones.py │ │ │ ├── backbones_test.py │ │ │ ├── decoders.py │ │ │ ├── decoders_test.py │ │ │ ├── factory.py │ │ │ ├── factory_test.py │ │ │ ├── featurizers.py │ │ │ ├── featurizers_test.py │ │ │ ├── heads.py │ │ │ ├── heads_test.py │ │ │ ├── layers.py │ │ │ ├── layers_test.py │ │ │ ├── models.py │ │ │ └── models_test.py │ │ ├── registry_imports.py │ │ ├── tasks │ │ │ ├── pointpillars.py │ │ │ └── pointpillars_test.py │ │ ├── tools │ │ │ ├── export_model.py │ │ │ └── process_wod.py │ │ ├── train.py │ │ └── utils │ │ │ ├── model_exporter.py │ │ │ ├── utils.py │ │ │ ├── utils_test.py │ │ │ ├── wod_detection_evaluator.py │ │ │ └── wod_processor.py │ ├── pruning │ │ ├── README.md │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── experiments │ │ │ │ └── image_classification │ │ │ │ │ ├── imagenet_mobilenetv2_pruning_gpu.yaml │ │ │ │ │ └── imagenet_resnet50_pruning_gpu.yaml │ │ │ ├── image_classification.py │ │ │ └── image_classification_test.py │ │ ├── registry_imports.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── image_classification.py │ │ │ └── image_classification_test.py │ │ └── train.py │ ├── qat │ │ ├── __init__.py │ │ ├── nlp │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── configs │ │ │ │ ├── __init__.py │ │ │ │ ├── experiments │ │ │ │ │ ├── squad_v1_mobilebert_xs_qat_1gpu.yaml │ │ │ │ │ └── squad_v1_qat_1gpu.yaml │ │ │ │ └── finetuning_experiments.py │ │ │ ├── docs │ │ │ │ └── MobileBERT_QAT_tutorial.ipynb │ │ │ ├── modeling │ │ │ │ ├── __init__.py │ │ │ │ ├── layers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── mobile_bert_layers.py │ │ │ │ │ ├── multi_head_attention.py │ │ │ │ │ ├── transformer_encoder_block.py │ │ │ │ │ └── transformer_encoder_block_test.py │ │ │ │ ├── models │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── bert_span_labeler.py │ │ │ │ └── networks │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── span_labeling.py │ │ │ ├── pretrained_checkpoint_converter.py │ │ │ ├── quantization │ │ │ │ ├── __init__.py │ │ │ │ ├── configs.py │ │ │ │ ├── configs_test.py │ │ │ │ ├── helper.py │ │ │ │ ├── schemes.py │ │ │ │ └── wrappers.py │ │ │ ├── registry_imports.py │ │ │ ├── tasks │ │ │ │ ├── __init__.py │ │ │ │ ├── question_answering.py │ │ │ │ └── question_answering_test.py │ │ │ └── train.py │ │ └── vision │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ ├── experiments │ │ │ │ ├── image_classification │ │ │ │ │ ├── imagenet_mobilenetv2_qat_gpu.yaml │ │ │ │ │ ├── imagenet_mobilenetv2_qat_gpu_batch256.yaml │ │ │ │ │ ├── imagenet_mobilenetv2_qat_gpu_batch512.yaml │ │ │ │ │ ├── imagenet_mobilenetv2_qat_tpu.yaml │ │ │ │ │ ├── imagenet_mobilenetv3.5_qat_gpu.yaml │ │ │ │ │ ├── imagenet_mobilenetv3.5_qat_tpu.yaml │ │ │ │ │ ├── imagenet_mobilenetv3large_qat_tpu.yaml │ │ │ │ │ ├── imagenet_resnet50_qat_gpu.yaml │ │ │ │ │ ├── imagenet_resnet50_qat_gpu_fast.yaml │ │ │ │ │ ├── imagenet_resnet50_qat_gpu_fast_4x4.yaml │ │ │ │ │ ├── imagenet_resnet50_qat_gpu_fast_4x8.yaml │ │ │ │ │ └── imagenet_resnet50_qat_gpu_fast_6x6.yaml │ │ │ │ ├── retinanet │ │ │ │ │ ├── coco_mobilenetv2_qat_tpu_e2e.yaml │ │ │ │ │ ├── coco_mobilenetv3.5_avg_qat_tpu_e2e.yaml │ │ │ │ │ ├── coco_spinenet49_mobile_qat_gpu.yaml │ │ │ │ │ ├── coco_spinenet49_mobile_qat_tpu.yaml │ │ │ │ │ └── coco_spinenet49_mobile_qat_tpu_e2e.yaml │ │ │ │ └── semantic_segmentation │ │ │ │ │ ├── deeplabv3_mobilenetv2_pascal_qat_gpu.yaml │ │ │ │ │ ├── deeplabv3_mobilenetv2_pascal_qat_tpu.yaml │ │ │ │ │ └── deeplabv3plus_mobilenetv2_cityscapes_qat_tpu.yaml │ │ │ ├── image_classification.py │ │ │ ├── image_classification_test.py │ │ │ ├── retinanet.py │ │ │ ├── retinanet_test.py │ │ │ ├── semantic_segmentation.py │ │ │ └── semantic_segmentation_test.py │ │ │ ├── docs │ │ │ └── qat_tutorial.ipynb │ │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── factory.py │ │ │ ├── factory_test.py │ │ │ ├── heads │ │ │ │ ├── __init__.py │ │ │ │ ├── dense_prediction_heads.py │ │ │ │ └── dense_prediction_heads_test.py │ │ │ ├── layers │ │ │ │ ├── __init__.py │ │ │ │ ├── nn_blocks.py │ │ │ │ ├── nn_blocks_test.py │ │ │ │ ├── nn_layers.py │ │ │ │ └── nn_layers_test.py │ │ │ └── segmentation_model.py │ │ │ ├── n_bit │ │ │ ├── __init__.py │ │ │ ├── configs.py │ │ │ ├── configs_test.py │ │ │ ├── nn_blocks.py │ │ │ ├── nn_blocks_test.py │ │ │ ├── nn_layers.py │ │ │ └── schemes.py │ │ │ ├── quantization │ │ │ ├── __init__.py │ │ │ ├── configs.py │ │ │ ├── configs_test.py │ │ │ ├── helper.py │ │ │ ├── helper_test.py │ │ │ ├── layer_transforms.py │ │ │ └── schemes.py │ │ │ ├── registry_imports.py │ │ │ ├── serving │ │ │ ├── __init__.py │ │ │ ├── export_module.py │ │ │ ├── export_saved_model.py │ │ │ └── export_tflite.py │ │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── image_classification.py │ │ │ ├── image_classification_test.py │ │ │ ├── retinanet.py │ │ │ ├── retinanet_test.py │ │ │ └── semantic_segmentation.py │ │ │ └── train.py │ ├── roformer │ │ ├── README.md │ │ ├── __init__.py │ │ ├── experiments │ │ │ └── roformer_base.yaml │ │ ├── roformer.py │ │ ├── roformer_attention.py │ │ ├── roformer_attention_test.py │ │ ├── roformer_encoder.py │ │ ├── roformer_encoder_block.py │ │ ├── roformer_encoder_block_test.py │ │ ├── roformer_encoder_test.py │ │ ├── roformer_experiments.py │ │ └── train.py │ ├── s3d │ │ ├── configs │ │ │ └── s3d.py │ │ ├── modeling │ │ │ ├── inception_utils.py │ │ │ ├── inception_utils_test.py │ │ │ ├── net_utils.py │ │ │ ├── net_utils_test.py │ │ │ ├── s3d.py │ │ │ └── s3d_test.py │ │ └── train.py │ ├── simclr │ │ ├── README.md │ │ ├── common │ │ │ └── registry_imports.py │ │ ├── configs │ │ │ ├── experiments │ │ │ │ ├── cifar_simclr_pretrain.yaml │ │ │ │ ├── imagenet_simclr_finetune_gpu.yaml │ │ │ │ ├── imagenet_simclr_finetune_tpu.yaml │ │ │ │ ├── imagenet_simclr_multitask_tpu.yaml │ │ │ │ ├── imagenet_simclr_pretrain_gpu.yaml │ │ │ │ └── imagenet_simclr_pretrain_tpu.yaml │ │ │ ├── multitask_config.py │ │ │ ├── multitask_config_test.py │ │ │ ├── simclr.py │ │ │ └── simclr_test.py │ │ ├── dataloaders │ │ │ ├── preprocess_ops.py │ │ │ └── simclr_input.py │ │ ├── heads │ │ │ ├── simclr_head.py │ │ │ └── simclr_head_test.py │ │ ├── losses │ │ │ ├── contrastive_losses.py │ │ │ └── contrastive_losses_test.py │ │ ├── modeling │ │ │ ├── layers │ │ │ │ ├── nn_blocks.py │ │ │ │ └── nn_blocks_test.py │ │ │ ├── multitask_model.py │ │ │ ├── multitask_model_test.py │ │ │ ├── simclr_model.py │ │ │ └── simclr_model_test.py │ │ ├── multitask_train.py │ │ ├── tasks │ │ │ └── simclr.py │ │ └── train.py │ ├── teams │ │ ├── README.md │ │ ├── __init__.py │ │ ├── experiments │ │ │ ├── base │ │ │ │ ├── glue_mnli.yaml │ │ │ │ ├── squad_v1.yaml │ │ │ │ ├── squad_v2.yaml │ │ │ │ └── wiki_books_pretrain.yaml │ │ │ ├── small │ │ │ │ ├── glue_mnli.yaml │ │ │ │ ├── squad_v1.yaml │ │ │ │ ├── squad_v2.yaml │ │ │ │ └── wiki_books_pretrain.yaml │ │ │ ├── teams_en_uncased_base.yaml │ │ │ └── teams_en_uncased_small.yaml │ │ ├── teams.py │ │ ├── teams_experiments.py │ │ ├── teams_pretrainer.py │ │ ├── teams_pretrainer_test.py │ │ ├── teams_task.py │ │ ├── teams_task_test.py │ │ └── train.py │ ├── text_classification_example │ │ ├── README.md │ │ ├── classification_data_loader.py │ │ ├── classification_example.py │ │ ├── classification_example_test.py │ │ ├── experiments │ │ │ ├── classification_ft_cola.yaml │ │ │ └── local_example.yaml │ │ └── train.py │ ├── tn_bert │ │ └── README.md │ ├── token_dropping │ │ ├── README.md │ │ ├── bert_en_uncased_base_token_drop.yaml │ │ ├── encoder.py │ │ ├── encoder_config.py │ │ ├── encoder_test.py │ │ ├── experiment_configs.py │ │ ├── masked_lm.py │ │ ├── masked_lm_test.py │ │ ├── train.py │ │ ├── wiki_books_pretrain.yaml │ │ └── wiki_books_pretrain_sequence_pack.yaml │ ├── triviaqa │ │ ├── __init__.py │ │ ├── dataset.py │ │ ├── download_and_prepare.py │ │ ├── evaluate.py │ │ ├── evaluation.py │ │ ├── inputs.py │ │ ├── modeling.py │ │ ├── predict.py │ │ ├── prediction.py │ │ ├── preprocess.py │ │ ├── sentencepiece_pb2.py │ │ └── train.py │ ├── unified_detector │ │ ├── README.md │ │ ├── configs │ │ │ ├── gin_files │ │ │ │ ├── unified_detector_model.gin │ │ │ │ └── unified_detector_train.gin │ │ │ └── ocr_config.py │ │ ├── data_conversion │ │ │ ├── convert.py │ │ │ └── utils.py │ │ ├── data_loaders │ │ │ ├── autoaugment.py │ │ │ ├── input_reader.py │ │ │ ├── tf_example_decoder.py │ │ │ └── universal_detection_parser.py │ │ ├── docs │ │ │ └── images │ │ │ │ └── task.png │ │ ├── external_configurables.py │ │ ├── modeling │ │ │ └── universal_detector.py │ │ ├── registry_imports.py │ │ ├── requirements.txt │ │ ├── run_inference.py │ │ ├── tasks │ │ │ ├── all_models.py │ │ │ └── ocr_task.py │ │ ├── train.py │ │ └── utils │ │ │ ├── typing.py │ │ │ └── utilities.py │ ├── video_ssl │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── experiments │ │ │ │ ├── cvrl_linear_eval_k600.yaml │ │ │ │ └── cvrl_pretrain_k600_200ep.yaml │ │ │ ├── video_ssl.py │ │ │ └── video_ssl_test.py │ │ ├── dataloaders │ │ │ ├── __init__.py │ │ │ ├── video_ssl_input.py │ │ │ └── video_ssl_input_test.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ └── losses.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ └── video_ssl_model.py │ │ ├── ops │ │ │ ├── __init__.py │ │ │ ├── video_ssl_preprocess_ops.py │ │ │ └── video_ssl_preprocess_ops_test.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── linear_eval.py │ │ │ ├── pretrain.py │ │ │ └── pretrain_test.py │ │ ├── train.py │ │ └── video_ssl.ipynb │ ├── videoglue │ │ ├── README.md │ │ ├── configs │ │ │ ├── backbones_3d.py │ │ │ ├── dataset.py │ │ │ ├── head.py │ │ │ ├── spatiotemporal_action_localization.py │ │ │ ├── video_classification.py │ │ │ └── yaml │ │ │ │ └── vmae │ │ │ │ ├── frozen │ │ │ │ ├── stal_vmae_vit3d_ava.yaml │ │ │ │ ├── stal_vmae_vit3d_avakinetics.yaml │ │ │ │ ├── vc_vmae_vit3d_charades.yaml │ │ │ │ ├── vc_vmae_vit3d_diving48.yaml │ │ │ │ ├── vc_vmae_vit3d_k400.yaml │ │ │ │ ├── vc_vmae_vit3d_mit.yaml │ │ │ │ └── vc_vmae_vit3d_sthv2.yaml │ │ │ │ └── ft │ │ │ │ ├── stal_vmae_vit3d_ava.yaml │ │ │ │ ├── stal_vmae_vit3d_avakinetics.yaml │ │ │ │ ├── vc_vmae_vit3d_charades.yaml │ │ │ │ ├── vc_vmae_vit3d_diving48.yaml │ │ │ │ ├── vc_vmae_vit3d_k400.yaml │ │ │ │ ├── vc_vmae_vit3d_mit.yaml │ │ │ │ └── vc_vmae_vit3d_sthv2.yaml │ │ ├── datasets │ │ │ ├── action_localization.py │ │ │ ├── common │ │ │ │ ├── processors.py │ │ │ │ └── utils.py │ │ │ ├── dataset_factory.py │ │ │ └── video_classification.py │ │ ├── evaluation │ │ │ └── spatiotemporal_action_localization_evaluator.py │ │ ├── modeling │ │ │ ├── backbones │ │ │ │ └── vit_3d.py │ │ │ ├── heads │ │ │ │ ├── action_transformer.py │ │ │ │ ├── simple.py │ │ │ │ └── transformer_decoder.py │ │ │ ├── video_action_transformer_model.py │ │ │ └── video_classification_model.py │ │ ├── tasks │ │ │ ├── multihead_video_classification.py │ │ │ └── spatiotemporal_action_localization.py │ │ ├── tools │ │ │ └── checkpoint_loader.py │ │ └── train.py │ ├── volumetric_models │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── backbones.py │ │ │ ├── decoders.py │ │ │ ├── semantic_segmentation_3d.py │ │ │ └── semantic_segmentation_3d_test.py │ │ ├── dataloaders │ │ │ ├── __init__.py │ │ │ ├── segmentation_input_3d.py │ │ │ └── segmentation_input_3d_test.py │ │ ├── evaluation │ │ │ ├── __init__.py │ │ │ ├── segmentation_metrics.py │ │ │ └── segmentation_metrics_test.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ ├── segmentation_losses.py │ │ │ └── segmentation_losses_test.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── backbones │ │ │ │ ├── __init__.py │ │ │ │ ├── unet_3d.py │ │ │ │ └── unet_3d_test.py │ │ │ ├── decoders │ │ │ │ ├── __init__.py │ │ │ │ ├── factory.py │ │ │ │ ├── factory_test.py │ │ │ │ ├── unet_3d_decoder.py │ │ │ │ └── unet_3d_decoder_test.py │ │ │ ├── factory.py │ │ │ ├── factory_test.py │ │ │ ├── heads │ │ │ │ ├── __init__.py │ │ │ │ ├── segmentation_heads_3d.py │ │ │ │ └── segmentation_heads_3d_test.py │ │ │ ├── nn_blocks_3d.py │ │ │ ├── nn_blocks_3d_test.py │ │ │ └── segmentation_model_test.py │ │ ├── registry_imports.py │ │ ├── serving │ │ │ ├── __init__.py │ │ │ ├── export_saved_model.py │ │ │ ├── semantic_segmentation_3d.py │ │ │ └── semantic_segmentation_3d_test.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── semantic_segmentation_3d.py │ │ │ └── semantic_segmentation_3d_test.py │ │ ├── train.py │ │ └── train_test.py │ ├── waste_identification_ml │ │ ├── README.md │ │ ├── __init__.py │ │ ├── data_generation │ │ │ ├── __init__.py │ │ │ ├── automated_data_generation_SAM.ipynb │ │ │ ├── bb_to_mask_to_coco.ipynb │ │ │ ├── utils.py │ │ │ └── utils_test.py │ │ ├── deprecated_model_inference │ │ │ ├── TFHub_saved_model_inference.ipynb │ │ │ ├── saved_model_inference.ipynb │ │ │ └── tflite_model_inference.ipynb │ │ ├── docker_solution │ │ │ ├── prediction_api │ │ │ │ ├── app.py │ │ │ │ └── app_utils.py │ │ │ └── prediction_pipeline │ │ │ │ ├── biq_query_ops.py │ │ │ │ ├── ffmpeg_ops.py │ │ │ │ ├── gsutil_ops.py │ │ │ │ ├── mask_bbox_saver.py │ │ │ │ ├── predictor.py │ │ │ │ ├── requirements.sh │ │ │ │ └── utils.py │ │ ├── model_conversion │ │ │ ├── checkpoints_to_savedModel_to_tflite.ipynb │ │ │ └── savedmodel_to_tensorrt.ipynb │ │ ├── model_inference │ │ │ ├── Inference.ipynb │ │ │ ├── color_and_property_extractor.py │ │ │ ├── color_and_property_extractor_test.py │ │ │ ├── download_and_unzip_models.py │ │ │ ├── labels.py │ │ │ ├── labels_test.py │ │ │ ├── postprocessing.py │ │ │ ├── postprocessing_test.py │ │ │ ├── preprocessing.py │ │ │ ├── preprocessing_test.py │ │ │ └── testdata │ │ │ │ ├── categories_1.csv │ │ │ │ ├── categories_2.csv │ │ │ │ └── csv_to_list.csv │ │ └── pre_processing │ │ │ ├── JSON_Generation_for_Training.ipynb │ │ │ ├── coco_to_tfrecord.ipynb │ │ │ ├── config │ │ │ ├── categories_list_of_dictionaries.py │ │ │ ├── config.ini │ │ │ ├── data │ │ │ │ ├── material_form_labels.csv │ │ │ │ ├── material_form_labels.pbtxt │ │ │ │ ├── material_labels.csv │ │ │ │ ├── material_labels.pbtxt │ │ │ │ ├── one_model_labels.csv │ │ │ │ ├── plastic_type_labels.csv │ │ │ │ ├── plastic_type_labels.pbtxt │ │ │ │ ├── two_model_strategy_material.csv │ │ │ │ └── two_model_strategy_material_form.csv │ │ │ ├── sample_images │ │ │ │ ├── ffdeb4cd-43ba-4ca0-a1e6-aa5824005f44.jpg │ │ │ │ ├── image_2.png │ │ │ │ ├── image_3.jpg │ │ │ │ └── image_4.png │ │ │ ├── sample_json │ │ │ │ ├── dataset.json │ │ │ │ └── ffdeb4cd-43ba-4ca0-a1e6-aa5824005f44.json │ │ │ └── visualization.py │ │ │ ├── deprecated_JSON_Generation_for_Training.ipynb │ │ │ ├── labelme_to_coco.ipynb │ │ │ ├── merge_coco_files.ipynb │ │ │ ├── merge_coco_files_faster.ipynb │ │ │ └── split_coco_files.ipynb │ ├── yolo │ │ ├── README.md │ │ ├── __init__.py │ │ ├── common │ │ │ ├── __init__.py │ │ │ └── registry_imports.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── backbones.py │ │ │ ├── darknet_classification.py │ │ │ ├── decoders.py │ │ │ ├── experiments │ │ │ │ ├── darknet │ │ │ │ │ ├── csp_darknet53.yaml │ │ │ │ │ ├── csp_darknet53_tfds.yaml │ │ │ │ │ ├── darknet53.yaml │ │ │ │ │ └── darknet53_tfds.yaml │ │ │ │ ├── scaled-yolo │ │ │ │ │ ├── detection │ │ │ │ │ │ ├── yolo_csp_640_gpu.yaml │ │ │ │ │ │ ├── yolo_csp_640_tpu.yaml │ │ │ │ │ │ ├── yolo_l_p5_896_gpu.yaml │ │ │ │ │ │ ├── yolo_l_p5_896_tpu.yaml │ │ │ │ │ │ ├── yolo_l_p6_1280_gpu.yaml │ │ │ │ │ │ ├── yolo_l_p6_1280_tpu.yaml │ │ │ │ │ │ └── yolo_l_p7_1536_tpu.yaml │ │ │ │ │ └── tpu │ │ │ │ │ │ └── 640.yaml │ │ │ │ ├── yolov4 │ │ │ │ │ ├── detection │ │ │ │ │ │ ├── scaled_yolov4_1280_gpu.yaml │ │ │ │ │ │ └── yolov4_512_tpu.yaml │ │ │ │ │ ├── imagenet_pretraining │ │ │ │ │ │ └── cspdarknet53_256_tpu.yaml │ │ │ │ │ └── yolov4_tiny_416_tpu.yaml │ │ │ │ └── yolov7 │ │ │ │ │ └── detection │ │ │ │ │ ├── yolov7.yaml │ │ │ │ │ └── yolov7_gpu.yaml │ │ │ ├── yolo.py │ │ │ └── yolov7.py │ │ ├── darknet_image_calssification.ipynb │ │ ├── dataloaders │ │ │ ├── __init__.py │ │ │ ├── classification_input.py │ │ │ ├── tf_example_decoder.py │ │ │ └── yolo_input.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ ├── yolo_loss.py │ │ │ ├── yolo_loss_test.py │ │ │ ├── yolov7_loss.py │ │ │ └── yolov7_loss_test.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── backbones │ │ │ │ ├── __init__.py │ │ │ │ ├── darknet.py │ │ │ │ ├── darknet_test.py │ │ │ │ ├── yolov7.py │ │ │ │ └── yolov7_test.py │ │ │ ├── decoders │ │ │ │ ├── __init__.py │ │ │ │ ├── yolo_decoder.py │ │ │ │ ├── yolo_decoder_test.py │ │ │ │ ├── yolov7.py │ │ │ │ └── yolov7_test.py │ │ │ ├── factory.py │ │ │ ├── factory_test.py │ │ │ ├── heads │ │ │ │ ├── __init__.py │ │ │ │ ├── yolo_head.py │ │ │ │ ├── yolo_head_test.py │ │ │ │ ├── yolov7_head.py │ │ │ │ └── yolov7_head_test.py │ │ │ ├── layers │ │ │ │ ├── __init__.py │ │ │ │ ├── detection_generator.py │ │ │ │ ├── detection_generator_test.py │ │ │ │ ├── nn_blocks.py │ │ │ │ └── nn_blocks_test.py │ │ │ ├── yolo_model.py │ │ │ └── yolov7_model.py │ │ ├── ops │ │ │ ├── __init__.py │ │ │ ├── anchor.py │ │ │ ├── box_ops.py │ │ │ ├── box_ops_test.py │ │ │ ├── initializer_ops.py │ │ │ ├── kmeans_anchors.py │ │ │ ├── kmeans_anchors_test.py │ │ │ ├── loss_utils.py │ │ │ ├── math_ops.py │ │ │ ├── mosaic.py │ │ │ ├── preprocessing_ops.py │ │ │ └── preprocessing_ops_test.py │ │ ├── optimization │ │ │ ├── __init__.py │ │ │ ├── configs │ │ │ │ ├── __init__.py │ │ │ │ ├── optimization_config.py │ │ │ │ └── optimizer_config.py │ │ │ ├── optimizer_factory.py │ │ │ └── sgd_torch.py │ │ ├── serving │ │ │ ├── __init__.py │ │ │ ├── export_module_factory.py │ │ │ ├── export_saved_model.py │ │ │ ├── export_tflite.py │ │ │ └── model_fn.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── image_classification.py │ │ │ ├── task_utils.py │ │ │ ├── yolo.py │ │ │ └── yolov7.py │ │ └── train.py │ └── yt8m │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configs │ │ ├── __init__.py │ │ ├── yt8m.py │ │ └── yt8m_test.py │ │ ├── dataloaders │ │ ├── utils.py │ │ ├── yt8m_input.py │ │ └── yt8m_input_test.py │ │ ├── eval_utils │ │ ├── average_precision_calculator.py │ │ ├── eval_util.py │ │ ├── eval_util_test.py │ │ └── mean_average_precision_calculator.py │ │ ├── experiments │ │ ├── yt8m.yaml │ │ └── yt8m_test.yaml │ │ ├── modeling │ │ ├── __init__.py │ │ ├── backbones │ │ │ ├── __init__.py │ │ │ ├── dbof.py │ │ │ └── dbof_test.py │ │ ├── heads │ │ │ ├── __init__.py │ │ │ ├── logistic.py │ │ │ └── moe.py │ │ ├── nn_layers.py │ │ ├── nn_layers_test.py │ │ ├── yt8m_model.py │ │ ├── yt8m_model_test.py │ │ ├── yt8m_model_utils.py │ │ └── yt8m_model_utils_test.py │ │ ├── tasks │ │ ├── __init__.py │ │ └── yt8m_task.py │ │ ├── train.py │ │ └── train_test.py ├── recommendation │ ├── README.md │ ├── __init__.py │ ├── constants.py │ ├── create_ncf_data.py │ ├── data_pipeline.py │ ├── data_preprocessing.py │ ├── data_test.py │ ├── movielens.py │ ├── ncf_common.py │ ├── ncf_input_pipeline.py │ ├── ncf_keras_main.py │ ├── ncf_test.py │ ├── neumf_model.py │ ├── popen_helper.py │ ├── ranking │ │ ├── README.md │ │ ├── __init__.py │ │ ├── common.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── config_test.py │ │ │ └── yaml │ │ │ │ ├── dcn_v2_criteo_tpu.yaml │ │ │ │ └── dlrm_criteo_tpu.yaml │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── data_pipeline.py │ │ │ └── data_pipeline_test.py │ │ ├── preprocessing │ │ │ ├── README.md │ │ │ ├── criteo_preprocess.py │ │ │ ├── setup.py │ │ │ └── shard_rebalancer.py │ │ ├── task.py │ │ ├── task_test.py │ │ ├── train.py │ │ └── train_test.py │ ├── run.sh │ ├── stat_utils.py │ └── uplift │ │ ├── README.md │ │ ├── keras_test_case.py │ │ ├── keys.py │ │ ├── layers │ │ ├── encoders │ │ │ ├── concat_features.py │ │ │ └── concat_features_test.py │ │ ├── heads │ │ │ ├── two_tower_logits_head.py │ │ │ └── two_tower_logits_head_test.py │ │ └── uplift_networks │ │ │ ├── base_uplift_networks.py │ │ │ ├── two_tower_output_head.py │ │ │ ├── two_tower_output_head_test.py │ │ │ ├── two_tower_uplift_network.py │ │ │ └── two_tower_uplift_network_test.py │ │ ├── losses │ │ ├── true_logits_loss.py │ │ └── true_logits_loss_test.py │ │ ├── metrics │ │ ├── label_mean.py │ │ ├── label_mean_test.py │ │ ├── label_variance.py │ │ ├── label_variance_test.py │ │ ├── metric_configs.py │ │ ├── sliced_metric.py │ │ ├── sliced_metric_test.py │ │ ├── treatment_fraction.py │ │ ├── treatment_fraction_test.py │ │ ├── treatment_sliced_metric.py │ │ ├── treatment_sliced_metric_test.py │ │ ├── uplift_mean.py │ │ ├── uplift_mean_test.py │ │ ├── variance.py │ │ └── variance_test.py │ │ ├── models │ │ ├── two_tower_uplift_model.py │ │ └── two_tower_uplift_model_test.py │ │ ├── two_tower_uplift_network_architecture.svg │ │ ├── types.py │ │ ├── utils.py │ │ └── utils_test.py ├── requirements.txt ├── utils │ ├── __init__.py │ ├── docs │ │ ├── README.md │ │ ├── __init__.py │ │ ├── build_orbit_api_docs.py │ │ └── build_tfm_api_docs.py │ ├── flags │ │ ├── README.md │ │ ├── __init__.py │ │ ├── _base.py │ │ ├── _benchmark.py │ │ ├── _conventions.py │ │ ├── _device.py │ │ ├── _distribution.py │ │ ├── _misc.py │ │ ├── _performance.py │ │ ├── core.py │ │ ├── flags_test.py │ │ └── guidelines.md │ ├── hyperparams_flags.py │ ├── misc │ │ ├── __init__.py │ │ ├── keras_utils.py │ │ ├── model_helpers.py │ │ └── model_helpers_test.py │ └── testing │ │ ├── __init__.py │ │ ├── integration.py │ │ ├── mock_task.py │ │ ├── pylint.rcfile │ │ └── scripts │ │ ├── builds_common.sh │ │ ├── ci_sanity.sh │ │ └── presubmit.sh └── vision │ ├── MODEL_GARDEN.md │ ├── README.md │ ├── __init__.py │ ├── configs │ ├── __init__.py │ ├── backbones.py │ ├── backbones_3d.py │ ├── common.py │ ├── decoders.py │ ├── experiments │ │ ├── image_classification │ │ │ ├── imagenet_mobilenetv1_tpu.yaml │ │ │ ├── imagenet_mobilenetv2_gpu.yaml │ │ │ ├── imagenet_mobilenetv2_tpu.yaml │ │ │ ├── imagenet_mobilenetv3.5_avg_tpu.yaml │ │ │ ├── imagenet_mobilenetv3.5_avgseg_tpu.yaml │ │ │ ├── imagenet_mobilenetv3large_tpu.yaml │ │ │ ├── imagenet_mobilenetv3small_tpu.yaml │ │ │ ├── imagenet_resnet101_deeplab_tpu.yaml │ │ │ ├── imagenet_resnet101_tpu.yaml │ │ │ ├── imagenet_resnet152_tpu.yaml │ │ │ ├── imagenet_resnet26_tpu.yaml │ │ │ ├── imagenet_resnet50_deeplab_tpu.yaml │ │ │ ├── imagenet_resnet50_gpu.yaml │ │ │ ├── imagenet_resnet50_tfds_tpu.yaml │ │ │ ├── imagenet_resnet50_tpu.yaml │ │ │ ├── imagenet_resnetrs101_i160.yaml │ │ │ ├── imagenet_resnetrs101_i192.yaml │ │ │ ├── imagenet_resnetrs152_i192.yaml │ │ │ ├── imagenet_resnetrs152_i224.yaml │ │ │ ├── imagenet_resnetrs152_i256.yaml │ │ │ ├── imagenet_resnetrs200_i256.yaml │ │ │ ├── imagenet_resnetrs270_i256.yaml │ │ │ ├── imagenet_resnetrs350_i256.yaml │ │ │ ├── imagenet_resnetrs350_i320.yaml │ │ │ ├── imagenet_resnetrs420_i320.yaml │ │ │ ├── imagenet_resnetrs50_i160.yaml │ │ │ ├── imagenet_resnetrs50_i160_gpu.yaml │ │ │ ├── imagenet_vitb16_i224_gpu.yaml │ │ │ ├── imagenet_vitb16_i224_tpu.yaml │ │ │ ├── imagenet_vitb16_i384_gpu.yaml │ │ │ ├── imagenet_vitb16_i384_tpu.yaml │ │ │ ├── imagenet_vith14_i384_gpu.yaml │ │ │ ├── imagenet_vith14_i384_tpu.yaml │ │ │ ├── imagenet_vitl16_i224_gpu.yaml │ │ │ ├── imagenet_vitl16_i224_tpu.yaml │ │ │ ├── imagenet_vitl16_i384_gpu.yaml │ │ │ ├── imagenet_vitl16_i384_tpu.yaml │ │ │ ├── imagenet_vits16_i224_gpu.yaml │ │ │ ├── imagenet_vits16_i224_tpu.yaml │ │ │ ├── imagenet_vitti16_i224_gpu.yaml │ │ │ └── imagenet_vitti16_i224_tpu.yaml │ │ ├── maskrcnn │ │ │ ├── coco_mobilenetv2_mrcnn_tpu.yaml │ │ │ ├── coco_spinenet143_cascadercnn_tpu.yaml │ │ │ ├── coco_spinenet143_mrcnn_tpu.yaml │ │ │ ├── coco_spinenet49_cascadercnn_tpu.yaml │ │ │ ├── coco_spinenet49_mrcnn_tpu.yaml │ │ │ ├── coco_spinenet96_cascadercnn_tpu.yaml │ │ │ ├── coco_spinenet96_mrcnn_tpu.yaml │ │ │ └── r50fpn_640_coco_scratch_tpu4x4.yaml │ │ ├── retinanet │ │ │ ├── coco_mobiledetcpu_tpu.yaml │ │ │ ├── coco_mobilenetv2_tpu.yaml │ │ │ ├── coco_mobilenetv3.5_avg_tpu.yaml │ │ │ ├── coco_spinenet143_gpu_multiworker_mirrored.yaml │ │ │ ├── coco_spinenet143_tpu.yaml │ │ │ ├── coco_spinenet190_tpu.yaml │ │ │ ├── coco_spinenet49_gpu_multiworker_mirrored.yaml │ │ │ ├── coco_spinenet49_mobile_tpu.yaml │ │ │ ├── coco_spinenet49_tpu.yaml │ │ │ ├── coco_spinenet49s_mobile_tpu.yaml │ │ │ ├── coco_spinenet49xs_mobile_tpu.yaml │ │ │ ├── coco_spinenet96_gpu_multiworker_mirrored.yaml │ │ │ ├── coco_spinenet96_tpu.yaml │ │ │ ├── resnet50fpn_coco_tfds_tpu.yaml │ │ │ └── resnet50fpn_coco_tpu4x4_benchmark.yaml │ │ ├── semantic_segmentation │ │ │ ├── deeplabv3plus_resnet101_cityscapes_gpu.yaml │ │ │ ├── deeplabv3plus_resnet101_cityscapes_gpu_multiworker_mirrored.yaml │ │ │ └── deeplabv3plus_resnet101_cityscapes_tfds_tpu.yaml │ │ └── video_classification │ │ │ ├── k400_3d-resnet50_tpu.yaml │ │ │ ├── k400_resnet3drs_50_tpu.yaml │ │ │ ├── k400_slowonly16x4_tpu.yaml │ │ │ ├── k400_slowonly8x8_tpu.yaml │ │ │ ├── k600_3d-resnet50_tpu.yaml │ │ │ ├── k600_3d-resnet50g_tpu.yaml │ │ │ └── k600_slowonly8x8_tpu.yaml │ ├── image_classification.py │ ├── image_classification_test.py │ ├── maskrcnn.py │ ├── maskrcnn_test.py │ ├── retinanet.py │ ├── retinanet_test.py │ ├── semantic_segmentation.py │ ├── semantic_segmentation_test.py │ ├── video_classification.py │ └── video_classification_test.py │ ├── data │ ├── __init__.py │ ├── create_coco_tf_record.py │ ├── fake_feature_generator.py │ ├── image_utils.py │ ├── image_utils_test.py │ ├── process_coco_few_shot.sh │ ├── process_coco_few_shot_json_files.py │ ├── process_coco_panoptic.sh │ ├── tf_example_builder.py │ ├── tf_example_builder_test.py │ ├── tf_example_feature_key.py │ ├── tfrecord_lib.py │ └── tfrecord_lib_test.py │ ├── dataloaders │ ├── __init__.py │ ├── classification_input.py │ ├── decoder.py │ ├── input_reader.py │ ├── input_reader_factory.py │ ├── maskrcnn_input.py │ ├── parser.py │ ├── retinanet_input.py │ ├── segmentation_input.py │ ├── tf_example_decoder.py │ ├── tf_example_decoder_test.py │ ├── tf_example_label_map_decoder.py │ ├── tf_example_label_map_decoder_test.py │ ├── tfds_classification_decoders.py │ ├── tfds_detection_decoders.py │ ├── tfds_factory.py │ ├── tfds_factory_test.py │ ├── tfds_segmentation_decoders.py │ ├── tfexample_utils.py │ ├── utils.py │ ├── utils_test.py │ ├── video_input.py │ └── video_input_test.py │ ├── evaluation │ ├── __init__.py │ ├── coco_evaluator.py │ ├── coco_utils.py │ ├── coco_utils_test.py │ ├── instance_metrics.py │ ├── instance_metrics_test.py │ ├── iou.py │ ├── iou_test.py │ ├── panoptic_quality.py │ ├── panoptic_quality_evaluator.py │ ├── panoptic_quality_evaluator_test.py │ ├── panoptic_quality_test.py │ ├── segmentation_metrics.py │ ├── segmentation_metrics_test.py │ └── wod_detection_evaluator.py │ ├── examples │ └── starter │ │ ├── README.md │ │ ├── example_config.py │ │ ├── example_config_local.yaml │ │ ├── example_config_tpu.yaml │ │ ├── example_input.py │ │ ├── example_model.py │ │ ├── example_task.py │ │ ├── registry_imports.py │ │ └── train.py │ ├── losses │ ├── __init__.py │ ├── focal_loss.py │ ├── loss_utils.py │ ├── maskrcnn_losses.py │ ├── maskrcnn_losses_test.py │ ├── retinanet_losses.py │ ├── segmentation_losses.py │ └── segmentation_losses_test.py │ ├── modeling │ ├── __init__.py │ ├── backbones │ │ ├── __init__.py │ │ ├── efficientnet.py │ │ ├── efficientnet_test.py │ │ ├── factory.py │ │ ├── factory_test.py │ │ ├── mobiledet.py │ │ ├── mobiledet_test.py │ │ ├── mobilenet.py │ │ ├── mobilenet_test.py │ │ ├── resnet.py │ │ ├── resnet_3d.py │ │ ├── resnet_3d_test.py │ │ ├── resnet_deeplab.py │ │ ├── resnet_deeplab_test.py │ │ ├── resnet_test.py │ │ ├── revnet.py │ │ ├── revnet_test.py │ │ ├── spinenet.py │ │ ├── spinenet_mobile.py │ │ ├── spinenet_mobile_test.py │ │ ├── spinenet_test.py │ │ ├── vit.py │ │ ├── vit_specs.py │ │ └── vit_test.py │ ├── classification_model.py │ ├── classification_model_test.py │ ├── decoders │ │ ├── __init__.py │ │ ├── aspp.py │ │ ├── aspp_test.py │ │ ├── factory.py │ │ ├── factory_test.py │ │ ├── fpn.py │ │ ├── fpn_test.py │ │ ├── nasfpn.py │ │ └── nasfpn_test.py │ ├── factory.py │ ├── factory_3d.py │ ├── factory_test.py │ ├── heads │ │ ├── __init__.py │ │ ├── dense_prediction_heads.py │ │ ├── dense_prediction_heads_test.py │ │ ├── instance_heads.py │ │ ├── instance_heads_test.py │ │ ├── segmentation_heads.py │ │ └── segmentation_heads_test.py │ ├── layers │ │ ├── __init__.py │ │ ├── box_sampler.py │ │ ├── deeplab.py │ │ ├── deeplab_test.py │ │ ├── detection_generator.py │ │ ├── detection_generator_test.py │ │ ├── edgetpu.py │ │ ├── edgetpu_test.py │ │ ├── mask_sampler.py │ │ ├── nn_blocks.py │ │ ├── nn_blocks_3d.py │ │ ├── nn_blocks_3d_test.py │ │ ├── nn_blocks_test.py │ │ ├── nn_layers.py │ │ ├── nn_layers_test.py │ │ ├── roi_aligner.py │ │ ├── roi_aligner_test.py │ │ ├── roi_generator.py │ │ └── roi_sampler.py │ ├── maskrcnn_model.py │ ├── maskrcnn_model_test.py │ ├── models │ │ └── __init__.py │ ├── retinanet_model.py │ ├── retinanet_model_test.py │ ├── segmentation_model.py │ ├── segmentation_model_test.py │ ├── video_classification_model.py │ └── video_classification_model_test.py │ ├── ops │ ├── __init__.py │ ├── anchor.py │ ├── anchor_generator.py │ ├── anchor_generator_test.py │ ├── anchor_test.py │ ├── augment.py │ ├── augment_test.py │ ├── box_matcher.py │ ├── box_matcher_test.py │ ├── box_ops.py │ ├── iou_similarity.py │ ├── iou_similarity_test.py │ ├── mask_ops.py │ ├── mask_ops_test.py │ ├── nms.py │ ├── preprocess_ops.py │ ├── preprocess_ops_3d.py │ ├── preprocess_ops_3d_test.py │ ├── preprocess_ops_test.py │ ├── sampling_ops.py │ ├── spatial_transform_ops.py │ ├── target_gather.py │ └── target_gather_test.py │ ├── registry_imports.py │ ├── serving │ ├── __init__.py │ ├── detection.py │ ├── detection_test.py │ ├── export_base.py │ ├── export_base_v2.py │ ├── export_base_v2_test.py │ ├── export_module_factory.py │ ├── export_module_factory_test.py │ ├── export_saved_model.py │ ├── export_saved_model_lib.py │ ├── export_saved_model_lib_test.py │ ├── export_saved_model_lib_v2.py │ ├── export_tfhub.py │ ├── export_tfhub_lib.py │ ├── export_tflite.py │ ├── export_tflite_lib.py │ ├── export_utils.py │ ├── image_classification.py │ ├── image_classification_test.py │ ├── semantic_segmentation.py │ ├── semantic_segmentation_test.py │ ├── video_classification.py │ └── video_classification_test.py │ ├── tasks │ ├── __init__.py │ ├── image_classification.py │ ├── maskrcnn.py │ ├── retinanet.py │ ├── semantic_segmentation.py │ └── video_classification.py │ ├── train.py │ ├── train_spatial_partitioning.py │ └── utils │ ├── __init__.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 │ ├── ops_test.py │ └── summary_manager.py ├── orbit ├── LICENSE ├── README.md ├── __init__.py ├── actions │ ├── __init__.py │ ├── conditional_action.py │ ├── conditional_action_test.py │ ├── export_saved_model.py │ ├── export_saved_model_test.py │ ├── new_best_metric.py │ ├── new_best_metric_test.py │ └── save_checkpoint_if_preempted.py ├── controller.py ├── controller_test.py ├── examples │ ├── __init__.py │ └── single_task │ │ ├── __init__.py │ │ ├── single_task_evaluator.py │ │ ├── single_task_evaluator_test.py │ │ ├── single_task_trainer.py │ │ └── single_task_trainer_test.py ├── runner.py ├── standard_runner.py ├── standard_runner_test.py └── utils │ ├── __init__.py │ ├── common.py │ ├── common_test.py │ ├── epoch_helper.py │ ├── loop_fns.py │ ├── summary_manager.py │ ├── summary_manager_interface.py │ ├── tpu_summaries.py │ └── tpu_summaries_test.py ├── research ├── README.md ├── adversarial_text │ ├── README.md │ ├── __init__.py │ ├── adversarial_losses.py │ ├── data │ │ ├── __init__.py │ │ ├── data_utils.py │ │ ├── data_utils_test.py │ │ └── document_generators.py │ ├── evaluate.py │ ├── gen_data.py │ ├── gen_vocab.py │ ├── graphs.py │ ├── graphs_test.py │ ├── inputs.py │ ├── layers.py │ ├── pretrain.py │ ├── train_classifier.py │ └── train_utils.py ├── attention_ocr │ ├── README.md │ └── python │ │ ├── all_jobs.screenrc │ │ ├── common_flags.py │ │ ├── data_provider.py │ │ ├── data_provider_test.py │ │ ├── datasets │ │ ├── __init__.py │ │ ├── fsns.py │ │ ├── fsns_test.py │ │ ├── testdata │ │ │ └── fsns │ │ │ │ ├── charset_size=134.txt │ │ │ │ ├── download_data.py │ │ │ │ ├── fsns-00000-of-00001 │ │ │ │ └── links.txt │ │ ├── unittest_utils.py │ │ └── unittest_utils_test.py │ │ ├── demo_inference.py │ │ ├── demo_inference_test.py │ │ ├── eval.py │ │ ├── inception_preprocessing.py │ │ ├── metrics.py │ │ ├── metrics_test.py │ │ ├── model.py │ │ ├── model_export.py │ │ ├── model_export_lib.py │ │ ├── model_export_test.py │ │ ├── model_test.py │ │ ├── sequence_layers.py │ │ ├── sequence_layers_test.py │ │ ├── testdata │ │ ├── fsns_train_00.png │ │ ├── fsns_train_01.png │ │ ├── fsns_train_02.png │ │ ├── fsns_train_03.png │ │ ├── fsns_train_04.png │ │ ├── fsns_train_05.png │ │ ├── fsns_train_06.png │ │ ├── fsns_train_07.png │ │ ├── fsns_train_08.png │ │ ├── fsns_train_09.png │ │ ├── fsns_train_10.png │ │ ├── fsns_train_11.png │ │ ├── fsns_train_12.png │ │ ├── fsns_train_13.png │ │ ├── fsns_train_14.png │ │ ├── fsns_train_15.png │ │ ├── fsns_train_16.png │ │ ├── fsns_train_17.png │ │ ├── fsns_train_18.png │ │ ├── fsns_train_19.png │ │ ├── fsns_train_20.png │ │ ├── fsns_train_21.png │ │ ├── fsns_train_22.png │ │ ├── fsns_train_23.png │ │ ├── fsns_train_24.png │ │ ├── fsns_train_25.png │ │ ├── fsns_train_26.png │ │ ├── fsns_train_27.png │ │ ├── fsns_train_28.png │ │ ├── fsns_train_29.png │ │ ├── fsns_train_30.png │ │ └── fsns_train_31.png │ │ ├── train.py │ │ └── utils.py ├── audioset │ ├── README.md │ ├── vggish │ │ ├── README.md │ │ ├── mel_features.py │ │ ├── requirements.txt │ │ ├── vggish_export_tfhub.py │ │ ├── vggish_inference_demo.py │ │ ├── vggish_input.py │ │ ├── vggish_params.py │ │ ├── vggish_postprocess.py │ │ ├── vggish_slim.py │ │ ├── vggish_smoke_test.py │ │ └── vggish_train_demo.py │ └── yamnet │ │ ├── README.md │ │ ├── export.py │ │ ├── features.py │ │ ├── inference.py │ │ ├── params.py │ │ ├── yamnet.py │ │ ├── yamnet_class_map.csv │ │ ├── yamnet_test.py │ │ └── yamnet_visualization.ipynb ├── autoaugment │ ├── README.md │ ├── augmentation_transforms.py │ ├── custom_ops.py │ ├── data_utils.py │ ├── helper_utils.py │ ├── policies.py │ ├── shake_drop.py │ ├── shake_shake.py │ ├── train_cifar.py │ └── wrn.py ├── cognitive_planning │ ├── BUILD │ ├── README.md │ ├── __init__.py │ ├── command │ ├── embedders.py │ ├── envs │ │ ├── __init__.py │ │ ├── active_vision_dataset_env.py │ │ ├── configs │ │ │ └── active_vision_config.gin │ │ ├── task_env.py │ │ └── util.py │ ├── label_map.txt │ ├── label_map_util.py │ ├── policies.py │ ├── preprocessing │ │ ├── __init__.py │ │ ├── cifarnet_preprocessing.py │ │ ├── inception_preprocessing.py │ │ ├── lenet_preprocessing.py │ │ ├── preprocessing_factory.py │ │ └── vgg_preprocessing.py │ ├── standard_fields.py │ ├── string_int_label_map_pb2.py │ ├── tasks.py │ ├── train_supervised_active_vision.py │ ├── train_supervised_active_vision.sh │ ├── visualization_utils.py │ └── viz_active_vision_dataset_main.py ├── cvt_text │ ├── README.md │ ├── __init__.py │ ├── base │ │ ├── __init__.py │ │ ├── configure.py │ │ ├── embeddings.py │ │ └── utils.py │ ├── corpus_processing │ │ ├── __init__.py │ │ ├── example.py │ │ ├── minibatching.py │ │ ├── scorer.py │ │ └── unlabeled_data.py │ ├── cvt.py │ ├── fetch_data.sh │ ├── model │ │ ├── __init__.py │ │ ├── encoder.py │ │ ├── model_helpers.py │ │ ├── multitask_model.py │ │ ├── shared_inputs.py │ │ └── task_module.py │ ├── preprocessing.py │ ├── task_specific │ │ ├── __init__.py │ │ ├── task_definitions.py │ │ └── word_level │ │ │ ├── __init__.py │ │ │ ├── depparse_module.py │ │ │ ├── depparse_scorer.py │ │ │ ├── tagging_module.py │ │ │ ├── tagging_scorers.py │ │ │ ├── tagging_utils.py │ │ │ ├── word_level_data.py │ │ │ └── word_level_scorer.py │ └── training │ │ ├── __init__.py │ │ ├── trainer.py │ │ └── training_progress.py ├── deep_speech │ ├── README.md │ ├── __init__.py │ ├── data │ │ ├── __init__.py │ │ ├── dataset.py │ │ ├── download.py │ │ ├── featurizer.py │ │ └── vocabulary.txt │ ├── decoder.py │ ├── deep_speech.py │ ├── deep_speech_model.py │ ├── requirements.txt │ └── run_deep_speech.sh ├── deeplab │ ├── README.md │ ├── __init__.py │ ├── common.py │ ├── common_test.py │ ├── convert_to_tflite.py │ ├── core │ │ ├── __init__.py │ │ ├── conv2d_ws.py │ │ ├── conv2d_ws_test.py │ │ ├── dense_prediction_cell.py │ │ ├── dense_prediction_cell_branch5_top1_cityscapes.json │ │ ├── dense_prediction_cell_test.py │ │ ├── feature_extractor.py │ │ ├── nas_cell.py │ │ ├── nas_genotypes.py │ │ ├── nas_network.py │ │ ├── nas_network_test.py │ │ ├── preprocess_utils.py │ │ ├── preprocess_utils_test.py │ │ ├── resnet_v1_beta.py │ │ ├── resnet_v1_beta_test.py │ │ ├── utils.py │ │ ├── utils_test.py │ │ ├── xception.py │ │ └── xception_test.py │ ├── datasets │ │ ├── __init__.py │ │ ├── build_ade20k_data.py │ │ ├── build_cityscapes_data.py │ │ ├── build_data.py │ │ ├── build_voc2012_data.py │ │ ├── convert_cityscapes.sh │ │ ├── data_generator.py │ │ ├── data_generator_test.py │ │ ├── download_and_convert_ade20k.sh │ │ ├── download_and_convert_voc2012.sh │ │ └── remove_gt_colormap.py │ ├── deeplab_demo.ipynb │ ├── deprecated │ │ ├── __init__.py │ │ └── segmentation_dataset.py │ ├── eval.py │ ├── evaluation │ │ ├── README.md │ │ ├── __init__.py │ │ ├── base_metric.py │ │ ├── eval_coco_format.py │ │ ├── eval_coco_format_test.py │ │ ├── g3doc │ │ │ └── img │ │ │ │ ├── equation_pc.png │ │ │ │ └── equation_pq.png │ │ ├── panoptic_quality.py │ │ ├── panoptic_quality_test.py │ │ ├── parsing_covering.py │ │ ├── parsing_covering_test.py │ │ ├── streaming_metrics.py │ │ ├── streaming_metrics_test.py │ │ ├── test_utils.py │ │ ├── test_utils_test.py │ │ └── testdata │ │ │ ├── README.md │ │ │ ├── bird_gt.png │ │ │ ├── bird_pred_class.png │ │ │ ├── bird_pred_instance.png │ │ │ ├── cat_gt.png │ │ │ ├── cat_pred_class.png │ │ │ ├── cat_pred_instance.png │ │ │ ├── coco_gt.json │ │ │ ├── coco_gt │ │ │ ├── bird.png │ │ │ ├── cat.png │ │ │ ├── congress.png │ │ │ └── team.png │ │ │ ├── coco_pred.json │ │ │ ├── coco_pred │ │ │ ├── bird.png │ │ │ ├── cat.png │ │ │ ├── congress.png │ │ │ └── team.png │ │ │ ├── team_gt_instance.png │ │ │ ├── team_pred_class.png │ │ │ └── team_pred_instance.png │ ├── export_model.py │ ├── g3doc │ │ ├── ade20k.md │ │ ├── cityscapes.md │ │ ├── export_model.md │ │ ├── faq.md │ │ ├── img │ │ │ ├── image1.jpg │ │ │ ├── image2.jpg │ │ │ ├── image3.jpg │ │ │ ├── image_info.txt │ │ │ ├── vis1.png │ │ │ ├── vis2.png │ │ │ └── vis3.png │ │ ├── installation.md │ │ ├── model_zoo.md │ │ ├── pascal.md │ │ └── quantize.md │ ├── input_preprocess.py │ ├── local_test.sh │ ├── local_test_mobilenetv2.sh │ ├── model.py │ ├── model_test.py │ ├── testing │ │ ├── info.md │ │ └── pascal_voc_seg │ │ │ └── val-00000-of-00001.tfrecord │ ├── train.py │ ├── utils │ │ ├── __init__.py │ │ ├── get_dataset_colormap.py │ │ ├── get_dataset_colormap_test.py │ │ ├── save_annotation.py │ │ └── train_utils.py │ └── vis.py ├── delf │ ├── .gitignore │ ├── DETECTION.md │ ├── EXTRACTION_MATCHING.md │ ├── INSTALL_INSTRUCTIONS.md │ ├── README.md │ ├── delf │ │ ├── __init__.py │ │ ├── protos │ │ │ ├── __init__.py │ │ │ ├── aggregation_config.proto │ │ │ ├── box.proto │ │ │ ├── datum.proto │ │ │ ├── delf_config.proto │ │ │ └── feature.proto │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── box_io.py │ │ │ ├── box_io_test.py │ │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── generic_dataset.py │ │ │ ├── generic_dataset_test.py │ │ │ ├── google_landmarks_dataset │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── compute_recognition_metrics.py │ │ │ │ ├── compute_retrieval_metrics.py │ │ │ │ ├── dataset_file_io.py │ │ │ │ ├── dataset_file_io_test.py │ │ │ │ ├── googlelandmarks.py │ │ │ │ ├── metrics.py │ │ │ │ ├── metrics_test.py │ │ │ │ └── rn101_af_gldv2clean_config.pbtxt │ │ │ ├── revisited_op │ │ │ │ ├── __init__.py │ │ │ │ ├── dataset.py │ │ │ │ └── dataset_test.py │ │ │ ├── sfm120k │ │ │ │ ├── __init__.py │ │ │ │ ├── dataset_download.py │ │ │ │ ├── sfm120k.py │ │ │ │ └── sfm120k_test.py │ │ │ ├── tuples_dataset.py │ │ │ ├── tuples_dataset_test.py │ │ │ ├── utils.py │ │ │ └── utils_test.py │ │ │ ├── datum_io.py │ │ │ ├── datum_io_test.py │ │ │ ├── delg │ │ │ ├── DELG_INSTRUCTIONS.md │ │ │ ├── extract_features.py │ │ │ ├── measure_latency.py │ │ │ ├── perform_retrieval.py │ │ │ ├── r101delg_gld_config.pbtxt │ │ │ ├── r101delg_gldv2clean_config.pbtxt │ │ │ ├── r50delg_gld_config.pbtxt │ │ │ └── r50delg_gldv2clean_config.pbtxt │ │ │ ├── detect_to_retrieve │ │ │ ├── DETECT_TO_RETRIEVE_INSTRUCTIONS.md │ │ │ ├── __init__.py │ │ │ ├── aggregation_extraction.py │ │ │ ├── boxes_and_features_extraction.py │ │ │ ├── cluster_delf_features.py │ │ │ ├── delf_gld_config.pbtxt │ │ │ ├── extract_aggregation.py │ │ │ ├── extract_index_boxes_and_features.py │ │ │ ├── extract_query_features.py │ │ │ ├── image_reranking.py │ │ │ ├── index_aggregation_config.pbtxt │ │ │ ├── perform_retrieval.py │ │ │ └── query_aggregation_config.pbtxt │ │ │ ├── examples │ │ │ ├── __init__.py │ │ │ ├── delf_config_example.pbtxt │ │ │ ├── detection_example_1.jpg │ │ │ ├── detection_example_2.jpg │ │ │ ├── detector.py │ │ │ ├── extract_boxes.py │ │ │ ├── extract_features.py │ │ │ ├── extractor.py │ │ │ ├── match_images.py │ │ │ └── matched_images_example.jpg │ │ │ ├── feature_aggregation_extractor.py │ │ │ ├── feature_aggregation_extractor_test.py │ │ │ ├── feature_aggregation_similarity.py │ │ │ ├── feature_aggregation_similarity_test.py │ │ │ ├── feature_extractor.py │ │ │ ├── feature_extractor_test.py │ │ │ ├── feature_io.py │ │ │ ├── feature_io_test.py │ │ │ ├── normalization_layers │ │ │ ├── __init__.py │ │ │ ├── normalization.py │ │ │ └── normalization_test.py │ │ │ ├── pooling_layers │ │ │ ├── __init__.py │ │ │ ├── pooling.py │ │ │ └── pooling_test.py │ │ │ ├── training │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── build_image_dataset.py │ │ │ ├── download_dataset.sh │ │ │ ├── global_features │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── train.py │ │ │ │ └── train_utils.py │ │ │ ├── global_features_utils.py │ │ │ ├── install_delf.sh │ │ │ ├── losses │ │ │ │ ├── __init__.py │ │ │ │ ├── ranking_losses.py │ │ │ │ └── ranking_losses_test.py │ │ │ ├── matched_images_demo.png │ │ │ ├── model │ │ │ │ ├── __init__.py │ │ │ │ ├── delf_model.py │ │ │ │ ├── delf_model_test.py │ │ │ │ ├── delg_model.py │ │ │ │ ├── delg_model_test.py │ │ │ │ ├── export_CNN_global.py │ │ │ │ ├── export_global_model.py │ │ │ │ ├── export_local_and_global_model.py │ │ │ │ ├── export_local_model.py │ │ │ │ ├── export_model_utils.py │ │ │ │ ├── global_model.py │ │ │ │ ├── global_model_test.py │ │ │ │ └── resnet50.py │ │ │ ├── tensorboard_utils.py │ │ │ └── train.py │ │ │ ├── utils.py │ │ │ ├── utils_test.py │ │ │ ├── whiten.py │ │ │ └── whiten_test.py │ └── setup.py ├── efficient-hrl │ ├── README.md │ ├── agent.py │ ├── agents │ │ ├── __init__.py │ │ ├── circular_buffer.py │ │ ├── ddpg_agent.py │ │ └── ddpg_networks.py │ ├── cond_fn.py │ ├── configs │ │ ├── base_uvf.gin │ │ ├── eval_uvf.gin │ │ └── train_uvf.gin │ ├── context │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── ant_block.gin │ │ │ ├── ant_block_maze.gin │ │ │ ├── ant_fall_multi.gin │ │ │ ├── ant_fall_multi_img.gin │ │ │ ├── ant_fall_single.gin │ │ │ ├── ant_maze.gin │ │ │ ├── ant_maze_img.gin │ │ │ ├── ant_push_multi.gin │ │ │ ├── ant_push_multi_img.gin │ │ │ ├── ant_push_single.gin │ │ │ ├── default.gin │ │ │ ├── hiro_orig.gin │ │ │ ├── hiro_repr.gin │ │ │ ├── hiro_xy.gin │ │ │ └── point_maze.gin │ │ ├── context.py │ │ ├── context_transition_functions.py │ │ ├── gin_imports.py │ │ ├── gin_utils.py │ │ ├── rewards_functions.py │ │ └── samplers.py │ ├── environments │ │ ├── __init__.py │ │ ├── ant.py │ │ ├── ant_maze_env.py │ │ ├── assets │ │ │ └── ant.xml │ │ ├── create_maze_env.py │ │ ├── maze_env.py │ │ ├── maze_env_utils.py │ │ ├── point.py │ │ └── point_maze_env.py │ ├── eval.py │ ├── run_env.py │ ├── run_eval.py │ ├── run_train.py │ ├── scripts │ │ ├── local_eval.py │ │ └── local_train.py │ ├── train.py │ ├── train_utils.py │ └── utils │ │ ├── __init__.py │ │ ├── eval_utils.py │ │ └── utils.py ├── lfads │ ├── README.md │ ├── distributions.py │ ├── lfads.py │ ├── plot_lfads.py │ ├── run_lfads.py │ ├── synth_data │ │ ├── generate_chaotic_rnn_data.py │ │ ├── generate_itb_data.py │ │ ├── generate_labeled_rnn_data.py │ │ ├── run_generate_synth_data.sh │ │ ├── synthetic_data_utils.py │ │ └── trained_itb │ │ │ ├── model-65000.data-00000-of-00001 │ │ │ ├── model-65000.index │ │ │ └── model-65000.meta │ └── utils.py ├── lstm_object_detection │ ├── README.md │ ├── __init__.py │ ├── builders │ │ ├── __init__.py │ │ ├── graph_rewriter_builder.py │ │ └── graph_rewriter_builder_test.py │ ├── configs │ │ ├── lstm_ssd_interleaved_mobilenet_v2_imagenet.config │ │ └── lstm_ssd_mobilenet_v1_imagenet.config │ ├── eval.py │ ├── evaluator.py │ ├── export_tflite_lstd_graph.py │ ├── export_tflite_lstd_graph_lib.py │ ├── export_tflite_lstd_model.py │ ├── g3doc │ │ ├── Interleaved_Intro.png │ │ ├── exporting_models.md │ │ └── lstm_ssd_intro.png │ ├── inputs │ │ ├── __init__.py │ │ ├── seq_dataset_builder.py │ │ ├── seq_dataset_builder_test.py │ │ ├── tf_sequence_example_decoder.py │ │ └── tf_sequence_example_decoder_test.py │ ├── lstm │ │ ├── __init__.py │ │ ├── lstm_cells.py │ │ ├── lstm_cells_test.py │ │ ├── rnn_decoder.py │ │ ├── rnn_decoder_test.py │ │ ├── utils.py │ │ └── utils_test.py │ ├── meta_architectures │ │ ├── __init__.py │ │ ├── lstm_ssd_meta_arch.py │ │ └── lstm_ssd_meta_arch_test.py │ ├── metrics │ │ ├── __init__.py │ │ ├── coco_evaluation_all_frames.py │ │ └── coco_evaluation_all_frames_test.py │ ├── model_builder.py │ ├── model_builder_test.py │ ├── models │ │ ├── __init__.py │ │ ├── lstm_ssd_interleaved_mobilenet_v2_feature_extractor.py │ │ ├── lstm_ssd_interleaved_mobilenet_v2_feature_extractor_test.py │ │ ├── lstm_ssd_mobilenet_v1_feature_extractor.py │ │ ├── lstm_ssd_mobilenet_v1_feature_extractor_test.py │ │ ├── mobilenet_defs.py │ │ └── mobilenet_defs_test.py │ ├── protos │ │ ├── __init__.py │ │ ├── input_reader_google.proto │ │ ├── pipeline.proto │ │ └── quant_overrides.proto │ ├── test_tflite_model.py │ ├── tflite │ │ ├── BUILD │ │ ├── WORKSPACE │ │ ├── mobile_lstd_tflite_client.cc │ │ ├── mobile_lstd_tflite_client.h │ │ ├── mobile_ssd_client.cc │ │ ├── mobile_ssd_client.h │ │ ├── mobile_ssd_tflite_client.cc │ │ ├── mobile_ssd_tflite_client.h │ │ ├── protos │ │ │ ├── BUILD │ │ │ ├── anchor_generation_options.proto │ │ │ ├── box_encodings.proto │ │ │ ├── detections.proto │ │ │ ├── labelmap.proto │ │ │ ├── mobile_ssd_client_options.proto │ │ │ └── proto_config.asciipb │ │ └── utils │ │ │ ├── BUILD │ │ │ ├── conversion_utils.cc │ │ │ ├── conversion_utils.h │ │ │ ├── conversion_utils_test.cc │ │ │ ├── file_utils.cc │ │ │ ├── file_utils.h │ │ │ ├── ssd_utils.cc │ │ │ └── ssd_utils.h │ ├── train.py │ ├── trainer.py │ └── utils │ │ ├── __init__.py │ │ ├── config_util.py │ │ └── config_util_test.py ├── marco │ ├── Automated_Marco.py │ ├── README.md │ ├── jpeg2json.py │ └── request.json ├── nst_blogpost │ ├── 4_Neural_Style_Transfer_with_Eager_Execution.ipynb │ ├── Green_Sea_Turtle_grazing_seagrass.jpg │ ├── The_Great_Wave_off_Kanagawa.jpg │ └── wave_turtle.png ├── object_detection │ ├── CONTRIBUTING.md │ ├── README.md │ ├── __init__.py │ ├── anchor_generators │ │ ├── __init__.py │ │ ├── flexible_grid_anchor_generator.py │ │ ├── flexible_grid_anchor_generator_test.py │ │ ├── grid_anchor_generator.py │ │ ├── grid_anchor_generator_test.py │ │ ├── multiple_grid_anchor_generator.py │ │ ├── multiple_grid_anchor_generator_test.py │ │ ├── multiscale_grid_anchor_generator.py │ │ └── multiscale_grid_anchor_generator_test.py │ ├── box_coders │ │ ├── __init__.py │ │ ├── faster_rcnn_box_coder.py │ │ ├── faster_rcnn_box_coder_test.py │ │ ├── keypoint_box_coder.py │ │ ├── keypoint_box_coder_test.py │ │ ├── mean_stddev_box_coder.py │ │ ├── mean_stddev_box_coder_test.py │ │ ├── square_box_coder.py │ │ └── square_box_coder_test.py │ ├── builders │ │ ├── __init__.py │ │ ├── anchor_generator_builder.py │ │ ├── anchor_generator_builder_test.py │ │ ├── box_coder_builder.py │ │ ├── box_coder_builder_test.py │ │ ├── box_predictor_builder.py │ │ ├── box_predictor_builder_test.py │ │ ├── calibration_builder.py │ │ ├── calibration_builder_test.py │ │ ├── dataset_builder.py │ │ ├── dataset_builder_test.py │ │ ├── decoder_builder.py │ │ ├── decoder_builder_test.py │ │ ├── graph_rewriter_builder.py │ │ ├── graph_rewriter_builder_tf1_test.py │ │ ├── hyperparams_builder.py │ │ ├── hyperparams_builder_test.py │ │ ├── image_resizer_builder.py │ │ ├── image_resizer_builder_test.py │ │ ├── input_reader_builder.py │ │ ├── input_reader_builder_tf1_test.py │ │ ├── losses_builder.py │ │ ├── losses_builder_test.py │ │ ├── matcher_builder.py │ │ ├── matcher_builder_test.py │ │ ├── model_builder.py │ │ ├── model_builder_test.py │ │ ├── model_builder_tf1_test.py │ │ ├── model_builder_tf2_test.py │ │ ├── optimizer_builder.py │ │ ├── optimizer_builder_tf1_test.py │ │ ├── optimizer_builder_tf2_test.py │ │ ├── post_processing_builder.py │ │ ├── post_processing_builder_test.py │ │ ├── preprocessor_builder.py │ │ ├── preprocessor_builder_test.py │ │ ├── region_similarity_calculator_builder.py │ │ ├── region_similarity_calculator_builder_test.py │ │ ├── target_assigner_builder.py │ │ └── target_assigner_builder_test.py │ ├── colab_tutorials │ │ ├── centernet_on_device.ipynb │ │ ├── context_rcnn_tutorial.ipynb │ │ ├── convert_odt_model_to_TFLite.ipynb │ │ ├── deepmac_colab.ipynb │ │ ├── eager_few_shot_od_training_tf2_colab.ipynb │ │ ├── eager_few_shot_od_training_tflite.ipynb │ │ ├── generate_ssd_anchor_box_aspect_ratios_using_k_means_clustering.ipynb │ │ ├── inference_from_saved_model_tf2_colab.ipynb │ │ ├── inference_tf2_colab.ipynb │ │ └── object_detection_tutorial.ipynb │ ├── configs │ │ ├── tf1 │ │ │ └── ssd_spaghettinet_edgetpu_320x320_coco17_sync_4x4.config │ │ └── tf2 │ │ │ ├── center_net_deepmac_1024x1024_coco_tpu-128.config │ │ │ ├── center_net_deepmac_1024x1024_non_voc_only_tpu-128.config │ │ │ ├── center_net_deepmac_1024x1024_voc_only_tpu-128.config │ │ │ ├── center_net_deepmac_512x512_voc_only_tpu-32.config │ │ │ ├── centernet_hourglass104_1024x1024_coco17_tpu-32.config │ │ │ ├── centernet_hourglass104_1024x1024_kpts_coco17_tpu-32.config │ │ │ ├── centernet_hourglass104_512x512_coco17_tpu-8.config │ │ │ ├── centernet_hourglass104_512x512_kpts_coco17_tpu-32.config │ │ │ ├── centernet_resnet101_v1_fpn_512x512_coco17_tpu-8.config │ │ │ ├── centernet_resnet50_v1_fpn_512x512_kpts_coco17_tpu-8.config │ │ │ ├── centernet_resnet50_v2_512x512_kpts_coco17_tpu-8.config │ │ │ ├── faster_rcnn_resnet101_v1_1024x1024_coco17_tpu-8.config │ │ │ ├── faster_rcnn_resnet101_v1_640x640_coco17_tpu-8.config │ │ │ ├── faster_rcnn_resnet101_v1_800x1333_coco17_gpu-8.config │ │ │ ├── faster_rcnn_resnet152_v1_1024x1024_coco17_tpu-8.config │ │ │ ├── faster_rcnn_resnet152_v1_640x640_coco17_tpu-8.config │ │ │ ├── faster_rcnn_resnet152_v1_800x1333_coco17_gpu-8.config │ │ │ ├── faster_rcnn_resnet50_v1_1024x1024_coco17_tpu-8.config │ │ │ ├── faster_rcnn_resnet50_v1_640x640_coco17_tpu-8.config │ │ │ ├── faster_rcnn_resnet50_v1_800x1333_coco17_gpu-8.config │ │ │ ├── faster_rcnn_resnet50_v1_fpn_640x640_coco17_tpu-8.config │ │ │ ├── mask_rcnn_inception_resnet_v2_1024x1024_coco17_gpu-8.config │ │ │ ├── ssd_efficientdet_d0_512x512_coco17_tpu-8.config │ │ │ ├── ssd_efficientdet_d1_640x640_coco17_tpu-8.config │ │ │ ├── ssd_efficientdet_d2_768x768_coco17_tpu-8.config │ │ │ ├── ssd_efficientdet_d3_896x896_coco17_tpu-32.config │ │ │ ├── ssd_efficientdet_d4_1024x1024_coco17_tpu-32.config │ │ │ ├── ssd_efficientdet_d5_1280x1280_coco17_tpu-32.config │ │ │ ├── ssd_efficientdet_d6_1408x1408_coco17_tpu-32.config │ │ │ ├── ssd_efficientdet_d7_1536x1536_coco17_tpu-32.config │ │ │ ├── ssd_mobilenet_v1_fpn_640x640_coco17_tpu-8.config │ │ │ ├── ssd_mobilenet_v2_320x320_coco17_tpu-8.config │ │ │ ├── ssd_mobilenet_v2_fpnlite_320x320_coco17_tpu-8.config │ │ │ ├── ssd_mobilenet_v2_fpnlite_640x640_coco17_tpu-8.config │ │ │ ├── ssd_resnet101_v1_fpn_1024x1024_coco17_tpu-8.config │ │ │ ├── ssd_resnet101_v1_fpn_640x640_coco17_tpu-8.config │ │ │ ├── ssd_resnet152_v1_fpn_1024x1024_coco17_tpu-8.config │ │ │ ├── ssd_resnet152_v1_fpn_640x640_coco17_tpu-8.config │ │ │ ├── ssd_resnet50_v1_fpn_1024x1024_coco17_tpu-8.config │ │ │ └── ssd_resnet50_v1_fpn_640x640_coco17_tpu-8.config │ ├── core │ │ ├── __init__.py │ │ ├── anchor_generator.py │ │ ├── balanced_positive_negative_sampler.py │ │ ├── balanced_positive_negative_sampler_test.py │ │ ├── batch_multiclass_nms_test.py │ │ ├── batcher.py │ │ ├── batcher_tf1_test.py │ │ ├── box_coder.py │ │ ├── box_coder_test.py │ │ ├── box_list.py │ │ ├── box_list_ops.py │ │ ├── box_list_ops_test.py │ │ ├── box_list_test.py │ │ ├── box_predictor.py │ │ ├── class_agnostic_nms_test.py │ │ ├── data_decoder.py │ │ ├── data_parser.py │ │ ├── densepose_ops.py │ │ ├── densepose_ops_test.py │ │ ├── freezable_batch_norm.py │ │ ├── freezable_batch_norm_tf2_test.py │ │ ├── freezable_sync_batch_norm.py │ │ ├── keypoint_ops.py │ │ ├── keypoint_ops_test.py │ │ ├── losses.py │ │ ├── losses_test.py │ │ ├── matcher.py │ │ ├── matcher_test.py │ │ ├── minibatch_sampler.py │ │ ├── minibatch_sampler_test.py │ │ ├── model.py │ │ ├── model_test.py │ │ ├── multiclass_nms_test.py │ │ ├── post_processing.py │ │ ├── prefetcher.py │ │ ├── prefetcher_tf1_test.py │ │ ├── preprocessor.py │ │ ├── preprocessor_cache.py │ │ ├── preprocessor_test.py │ │ ├── region_similarity_calculator.py │ │ ├── region_similarity_calculator_test.py │ │ ├── standard_fields.py │ │ ├── target_assigner.py │ │ └── target_assigner_test.py │ ├── data │ │ ├── ava_label_map_v2.1.pbtxt │ │ ├── face_label_map.pbtxt │ │ ├── face_person_with_keypoints_label_map.pbtxt │ │ ├── fgvc_2854_classes_label_map.pbtxt │ │ ├── kitti_label_map.pbtxt │ │ ├── mscoco_complete_label_map.pbtxt │ │ ├── mscoco_label_map.pbtxt │ │ ├── mscoco_minival_ids.txt │ │ ├── oid_bbox_trainable_label_map.pbtxt │ │ ├── oid_object_detection_challenge_500_label_map.pbtxt │ │ ├── oid_v4_label_map.pbtxt │ │ ├── pascal_label_map.pbtxt │ │ ├── pet_label_map.pbtxt │ │ └── snapshot_serengeti_label_map.pbtxt │ ├── data_decoders │ │ ├── __init__.py │ │ ├── tf_example_decoder.py │ │ ├── tf_example_decoder_test.py │ │ ├── tf_sequence_example_decoder.py │ │ └── tf_sequence_example_decoder_test.py │ ├── dataset_tools │ │ ├── __init__.py │ │ ├── context_rcnn │ │ │ ├── __init__.py │ │ │ ├── add_context_to_examples.py │ │ │ ├── add_context_to_examples_tf2_test.py │ │ │ ├── create_cococameratraps_tfexample_main.py │ │ │ ├── create_cococameratraps_tfexample_tf2_test.py │ │ │ ├── generate_detection_data.py │ │ │ ├── generate_detection_data_tf2_test.py │ │ │ ├── generate_embedding_data.py │ │ │ └── generate_embedding_data_tf2_test.py │ │ ├── create_ava_actions_tf_record.py │ │ ├── create_coco_tf_record.py │ │ ├── create_coco_tf_record_test.py │ │ ├── create_kitti_tf_record.py │ │ ├── create_kitti_tf_record_test.py │ │ ├── create_oid_tf_record.py │ │ ├── create_pascal_tf_record.py │ │ ├── create_pascal_tf_record_test.py │ │ ├── create_pet_tf_record.py │ │ ├── create_pycocotools_package.sh │ │ ├── densepose │ │ │ └── UV_symmetry_transforms.mat │ │ ├── download_and_preprocess_ava.sh │ │ ├── download_and_preprocess_mscoco.sh │ │ ├── oid_hierarchical_labels_expansion.py │ │ ├── oid_hierarchical_labels_expansion_test.py │ │ ├── oid_tfrecord_creation.py │ │ ├── oid_tfrecord_creation_test.py │ │ ├── seq_example_util.py │ │ ├── seq_example_util_test.py │ │ ├── tf_record_creation_util.py │ │ └── tf_record_creation_util_test.py │ ├── dockerfiles │ │ ├── android │ │ │ ├── Dockerfile │ │ │ └── README.md │ │ ├── tf1 │ │ │ ├── Dockerfile │ │ │ └── README.md │ │ ├── tf2 │ │ │ ├── Dockerfile │ │ │ └── README.md │ │ └── tf2_ai_platform │ │ │ └── Dockerfile │ ├── eval_util.py │ ├── eval_util_test.py │ ├── export_inference_graph.py │ ├── export_tflite_graph_lib_tf2.py │ ├── export_tflite_graph_lib_tf2_test.py │ ├── export_tflite_graph_tf2.py │ ├── export_tflite_ssd_graph.py │ ├── export_tflite_ssd_graph_lib.py │ ├── export_tflite_ssd_graph_lib_tf1_test.py │ ├── exporter.py │ ├── exporter_lib_tf2_test.py │ ├── exporter_lib_v2.py │ ├── exporter_main_v2.py │ ├── exporter_tf1_test.py │ ├── g3doc │ │ ├── challenge_evaluation.md │ │ ├── configuring_jobs.md │ │ ├── context_rcnn.md │ │ ├── deepmac.md │ │ ├── defining_your_own_model.md │ │ ├── evaluation_protocols.md │ │ ├── exporting_models.md │ │ ├── faq.md │ │ ├── img │ │ │ ├── dogs_detections_output.jpg │ │ │ ├── example_cat.jpg │ │ │ ├── groupof_case_eval.png │ │ │ ├── kites_detections_output.jpg │ │ │ ├── kites_with_segment_overlay.png │ │ │ ├── mask_improvement.png │ │ │ ├── nongroupof_case_eval.png │ │ │ ├── oid_bus_72e19c28aac34ed8.jpg │ │ │ ├── oid_monkey_3b4168c89cecbc5b.jpg │ │ │ ├── oxford_pet.png │ │ │ ├── tensorboard.png │ │ │ ├── tensorboard2.png │ │ │ └── tf-od-api-logo.png │ │ ├── instance_segmentation.md │ │ ├── oid_inference_and_evaluation.md │ │ ├── preparing_inputs.md │ │ ├── release_notes.md │ │ ├── running_notebook.md │ │ ├── running_on_mobile_tensorflowlite.md │ │ ├── running_on_mobile_tf2.md │ │ ├── running_pets.md │ │ ├── tf1.md │ │ ├── tf1_detection_zoo.md │ │ ├── tf1_training_and_evaluation.md │ │ ├── tf2.md │ │ ├── tf2_classification_zoo.md │ │ ├── tf2_detection_zoo.md │ │ ├── tf2_training_and_evaluation.md │ │ ├── tpu_compatibility.md │ │ ├── tpu_exporters.md │ │ └── using_your_own_dataset.md │ ├── inference │ │ ├── __init__.py │ │ ├── detection_inference.py │ │ ├── detection_inference_tf1_test.py │ │ └── infer_detections.py │ ├── inputs.py │ ├── inputs_test.py │ ├── legacy │ │ ├── __init__.py │ │ ├── eval.py │ │ ├── evaluator.py │ │ ├── train.py │ │ ├── trainer.py │ │ └── trainer_tf1_test.py │ ├── matchers │ │ ├── __init__.py │ │ ├── argmax_matcher.py │ │ ├── argmax_matcher_test.py │ │ ├── bipartite_matcher.py │ │ ├── bipartite_matcher_tf1_test.py │ │ ├── hungarian_matcher.py │ │ └── hungarian_matcher_tf2_test.py │ ├── meta_architectures │ │ ├── __init__.py │ │ ├── center_net_meta_arch.py │ │ ├── center_net_meta_arch_tf2_test.py │ │ ├── context_rcnn_lib.py │ │ ├── context_rcnn_lib_tf1_test.py │ │ ├── context_rcnn_lib_tf2.py │ │ ├── context_rcnn_lib_tf2_test.py │ │ ├── context_rcnn_meta_arch.py │ │ ├── context_rcnn_meta_arch_test.py │ │ ├── deepmac_meta_arch.py │ │ ├── deepmac_meta_arch_test.py │ │ ├── faster_rcnn_meta_arch.py │ │ ├── faster_rcnn_meta_arch_test.py │ │ ├── faster_rcnn_meta_arch_test_lib.py │ │ ├── rfcn_meta_arch.py │ │ ├── rfcn_meta_arch_test.py │ │ ├── ssd_meta_arch.py │ │ ├── ssd_meta_arch_test.py │ │ └── ssd_meta_arch_test_lib.py │ ├── metrics │ │ ├── __init__.py │ │ ├── calibration_evaluation.py │ │ ├── calibration_evaluation_tf1_test.py │ │ ├── calibration_metrics.py │ │ ├── calibration_metrics_tf1_test.py │ │ ├── coco_evaluation.py │ │ ├── coco_evaluation_test.py │ │ ├── coco_tools.py │ │ ├── coco_tools_test.py │ │ ├── io_utils.py │ │ ├── lvis_evaluation.py │ │ ├── lvis_evaluation_test.py │ │ ├── lvis_tools.py │ │ ├── lvis_tools_test.py │ │ ├── offline_eval_map_corloc.py │ │ ├── offline_eval_map_corloc_test.py │ │ ├── oid_challenge_evaluation.py │ │ ├── oid_challenge_evaluation_utils.py │ │ ├── oid_challenge_evaluation_utils_test.py │ │ ├── oid_vrd_challenge_evaluation.py │ │ ├── oid_vrd_challenge_evaluation_utils.py │ │ ├── oid_vrd_challenge_evaluation_utils_test.py │ │ ├── tf_example_parser.py │ │ └── tf_example_parser_test.py │ ├── model_hparams.py │ ├── model_lib.py │ ├── model_lib_tf1_test.py │ ├── model_lib_tf2_test.py │ ├── model_lib_v2.py │ ├── model_main.py │ ├── model_main_tf2.py │ ├── model_tpu_main.py │ ├── models │ │ ├── __init__.py │ │ ├── bidirectional_feature_pyramid_generators.py │ │ ├── bidirectional_feature_pyramid_generators_tf2_test.py │ │ ├── center_net_hourglass_feature_extractor.py │ │ ├── center_net_hourglass_feature_extractor_tf2_test.py │ │ ├── center_net_mobilenet_v2_feature_extractor.py │ │ ├── center_net_mobilenet_v2_feature_extractor_tf2_test.py │ │ ├── center_net_mobilenet_v2_fpn_feature_extractor.py │ │ ├── center_net_mobilenet_v2_fpn_feature_extractor_tf2_test.py │ │ ├── center_net_resnet_feature_extractor.py │ │ ├── center_net_resnet_feature_extractor_tf2_test.py │ │ ├── center_net_resnet_v1_fpn_feature_extractor.py │ │ ├── center_net_resnet_v1_fpn_feature_extractor_tf2_test.py │ │ ├── embedded_ssd_mobilenet_v1_feature_extractor.py │ │ ├── embedded_ssd_mobilenet_v1_feature_extractor_tf1_test.py │ │ ├── faster_rcnn_inception_resnet_v2_feature_extractor.py │ │ ├── faster_rcnn_inception_resnet_v2_feature_extractor_tf1_test.py │ │ ├── faster_rcnn_inception_resnet_v2_keras_feature_extractor.py │ │ ├── faster_rcnn_inception_resnet_v2_keras_feature_extractor_tf2_test.py │ │ ├── faster_rcnn_inception_v2_feature_extractor.py │ │ ├── faster_rcnn_inception_v2_feature_extractor_tf1_test.py │ │ ├── faster_rcnn_mobilenet_v1_feature_extractor.py │ │ ├── faster_rcnn_mobilenet_v1_feature_extractor_tf1_test.py │ │ ├── faster_rcnn_nas_feature_extractor.py │ │ ├── faster_rcnn_nas_feature_extractor_tf1_test.py │ │ ├── faster_rcnn_pnas_feature_extractor.py │ │ ├── faster_rcnn_pnas_feature_extractor_tf1_test.py │ │ ├── faster_rcnn_resnet_keras_feature_extractor.py │ │ ├── faster_rcnn_resnet_keras_feature_extractor_tf2_test.py │ │ ├── faster_rcnn_resnet_v1_feature_extractor.py │ │ ├── faster_rcnn_resnet_v1_feature_extractor_tf1_test.py │ │ ├── faster_rcnn_resnet_v1_fpn_keras_feature_extractor.py │ │ ├── faster_rcnn_resnet_v1_fpn_keras_feature_extractor_tf2_test.py │ │ ├── feature_map_generators.py │ │ ├── feature_map_generators_test.py │ │ ├── keras_models │ │ │ ├── __init__.py │ │ │ ├── base_models │ │ │ │ └── original_mobilenet_v2.py │ │ │ ├── convert_keras_models.py │ │ │ ├── hourglass_network.py │ │ │ ├── hourglass_network_tf2_test.py │ │ │ ├── inception_resnet_v2.py │ │ │ ├── inception_resnet_v2_tf2_test.py │ │ │ ├── mobilenet_v1.py │ │ │ ├── mobilenet_v1_tf2_test.py │ │ │ ├── mobilenet_v2.py │ │ │ ├── mobilenet_v2_tf2_test.py │ │ │ ├── model_utils.py │ │ │ ├── nonlocal_block.py │ │ │ ├── nonlocal_block_tf2_test.py │ │ │ ├── resnet_v1.py │ │ │ ├── resnet_v1_tf2_test.py │ │ │ └── test_utils.py │ │ ├── ssd_efficientnet_bifpn_feature_extractor.py │ │ ├── ssd_efficientnet_bifpn_feature_extractor_tf2_test.py │ │ ├── ssd_feature_extractor_test.py │ │ ├── ssd_inception_v2_feature_extractor.py │ │ ├── ssd_inception_v2_feature_extractor_tf1_test.py │ │ ├── ssd_inception_v3_feature_extractor.py │ │ ├── ssd_inception_v3_feature_extractor_tf1_test.py │ │ ├── ssd_mobiledet_feature_extractor.py │ │ ├── ssd_mobiledet_feature_extractor_tf1_test.py │ │ ├── ssd_mobilenet_edgetpu_feature_extractor.py │ │ ├── ssd_mobilenet_edgetpu_feature_extractor_testbase.py │ │ ├── ssd_mobilenet_edgetpu_feature_extractor_tf1_test.py │ │ ├── ssd_mobilenet_v1_feature_extractor.py │ │ ├── ssd_mobilenet_v1_feature_extractor_tf1_test.py │ │ ├── ssd_mobilenet_v1_feature_extractor_tf2_test.py │ │ ├── ssd_mobilenet_v1_fpn_feature_extractor.py │ │ ├── ssd_mobilenet_v1_fpn_feature_extractor_tf1_test.py │ │ ├── ssd_mobilenet_v1_fpn_feature_extractor_tf2_test.py │ │ ├── ssd_mobilenet_v1_fpn_keras_feature_extractor.py │ │ ├── ssd_mobilenet_v1_keras_feature_extractor.py │ │ ├── ssd_mobilenet_v1_ppn_feature_extractor.py │ │ ├── ssd_mobilenet_v1_ppn_feature_extractor_tf1_test.py │ │ ├── ssd_mobilenet_v2_feature_extractor.py │ │ ├── ssd_mobilenet_v2_feature_extractor_tf1_test.py │ │ ├── ssd_mobilenet_v2_feature_extractor_tf2_test.py │ │ ├── ssd_mobilenet_v2_fpn_feature_extractor.py │ │ ├── ssd_mobilenet_v2_fpn_feature_extractor_tf1_test.py │ │ ├── ssd_mobilenet_v2_fpn_feature_extractor_tf2_test.py │ │ ├── ssd_mobilenet_v2_fpn_keras_feature_extractor.py │ │ ├── ssd_mobilenet_v2_keras_feature_extractor.py │ │ ├── ssd_mobilenet_v2_mnasfpn_feature_extractor.py │ │ ├── ssd_mobilenet_v2_mnasfpn_feature_extractor_tf1_test.py │ │ ├── ssd_mobilenet_v3_feature_extractor.py │ │ ├── ssd_mobilenet_v3_feature_extractor_testbase.py │ │ ├── ssd_mobilenet_v3_feature_extractor_tf1_test.py │ │ ├── ssd_pnasnet_feature_extractor.py │ │ ├── ssd_pnasnet_feature_extractor_tf1_test.py │ │ ├── ssd_resnet_v1_fpn_feature_extractor.py │ │ ├── ssd_resnet_v1_fpn_feature_extractor_testbase.py │ │ ├── ssd_resnet_v1_fpn_feature_extractor_tf1_test.py │ │ ├── ssd_resnet_v1_fpn_feature_extractor_tf2_test.py │ │ ├── ssd_resnet_v1_fpn_keras_feature_extractor.py │ │ ├── ssd_resnet_v1_ppn_feature_extractor.py │ │ ├── ssd_resnet_v1_ppn_feature_extractor_testbase.py │ │ ├── ssd_resnet_v1_ppn_feature_extractor_tf1_test.py │ │ ├── ssd_spaghettinet_feature_extractor.py │ │ └── ssd_spaghettinet_feature_extractor_tf1_test.py │ ├── packages │ │ ├── tf1 │ │ │ └── setup.py │ │ └── tf2 │ │ │ └── setup.py │ ├── predictors │ │ ├── __init__.py │ │ ├── convolutional_box_predictor.py │ │ ├── convolutional_box_predictor_tf1_test.py │ │ ├── convolutional_keras_box_predictor.py │ │ ├── convolutional_keras_box_predictor_tf2_test.py │ │ ├── heads │ │ │ ├── __init__.py │ │ │ ├── box_head.py │ │ │ ├── box_head_tf1_test.py │ │ │ ├── class_head.py │ │ │ ├── class_head_tf1_test.py │ │ │ ├── head.py │ │ │ ├── keras_box_head.py │ │ │ ├── keras_box_head_tf2_test.py │ │ │ ├── keras_class_head.py │ │ │ ├── keras_class_head_tf2_test.py │ │ │ ├── keras_mask_head.py │ │ │ ├── keras_mask_head_tf2_test.py │ │ │ ├── keypoint_head.py │ │ │ ├── keypoint_head_tf1_test.py │ │ │ ├── mask_head.py │ │ │ └── mask_head_tf1_test.py │ │ ├── mask_rcnn_box_predictor.py │ │ ├── mask_rcnn_box_predictor_tf1_test.py │ │ ├── mask_rcnn_keras_box_predictor.py │ │ ├── mask_rcnn_keras_box_predictor_tf2_test.py │ │ ├── rfcn_box_predictor.py │ │ ├── rfcn_box_predictor_tf1_test.py │ │ ├── rfcn_keras_box_predictor.py │ │ └── rfcn_keras_box_predictor_tf2_test.py │ ├── protos │ │ ├── __init__.py │ │ ├── anchor_generator.proto │ │ ├── argmax_matcher.proto │ │ ├── bipartite_matcher.proto │ │ ├── box_coder.proto │ │ ├── box_predictor.proto │ │ ├── calibration.proto │ │ ├── center_net.proto │ │ ├── eval.proto │ │ ├── faster_rcnn.proto │ │ ├── faster_rcnn_box_coder.proto │ │ ├── flexible_grid_anchor_generator.proto │ │ ├── fpn.proto │ │ ├── graph_rewriter.proto │ │ ├── grid_anchor_generator.proto │ │ ├── hyperparams.proto │ │ ├── image_resizer.proto │ │ ├── input_reader.proto │ │ ├── keypoint_box_coder.proto │ │ ├── losses.proto │ │ ├── matcher.proto │ │ ├── mean_stddev_box_coder.proto │ │ ├── model.proto │ │ ├── multiscale_anchor_generator.proto │ │ ├── optimizer.proto │ │ ├── pipeline.proto │ │ ├── post_processing.proto │ │ ├── preprocessor.proto │ │ ├── region_similarity_calculator.proto │ │ ├── square_box_coder.proto │ │ ├── ssd.proto │ │ ├── ssd_anchor_generator.proto │ │ ├── string_int_label_map.proto │ │ ├── target_assigner.proto │ │ └── train.proto │ ├── samples │ │ ├── cloud │ │ │ └── cloud.yml │ │ └── configs │ │ │ ├── context_rcnn_resnet101_snapshot_serengeti.config │ │ │ ├── context_rcnn_resnet101_snapshot_serengeti_sync.config │ │ │ ├── embedded_ssd_mobilenet_v1_coco.config │ │ │ ├── facessd_mobilenet_v2_quantized_320x320_open_image_v4.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_coco.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_cosine_lr_coco.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_oid.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_oid_v4.config │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_pets.config │ │ │ ├── faster_rcnn_inception_v2_coco.config │ │ │ ├── faster_rcnn_inception_v2_pets.config │ │ │ ├── faster_rcnn_nas_coco.config │ │ │ ├── faster_rcnn_resnet101_atrous_coco.config │ │ │ ├── faster_rcnn_resnet101_ava_v2.1.config │ │ │ ├── faster_rcnn_resnet101_coco.config │ │ │ ├── faster_rcnn_resnet101_fgvc.config │ │ │ ├── faster_rcnn_resnet101_kitti.config │ │ │ ├── faster_rcnn_resnet101_pets.config │ │ │ ├── faster_rcnn_resnet101_voc07.config │ │ │ ├── faster_rcnn_resnet152_coco.config │ │ │ ├── faster_rcnn_resnet152_pets.config │ │ │ ├── faster_rcnn_resnet50_coco.config │ │ │ ├── faster_rcnn_resnet50_fgvc.config │ │ │ ├── faster_rcnn_resnet50_pets.config │ │ │ ├── mask_rcnn_inception_resnet_v2_atrous_coco.config │ │ │ ├── mask_rcnn_inception_v2_coco.config │ │ │ ├── mask_rcnn_resnet101_atrous_coco.config │ │ │ ├── mask_rcnn_resnet101_pets.config │ │ │ ├── mask_rcnn_resnet50_atrous_coco.config │ │ │ ├── rfcn_resnet101_coco.config │ │ │ ├── rfcn_resnet101_pets.config │ │ │ ├── ssd_inception_v2_coco.config │ │ │ ├── ssd_inception_v2_pets.config │ │ │ ├── ssd_inception_v3_pets.config │ │ │ ├── ssd_mobilenet_v1_0.75_depth_300x300_coco14_sync.config │ │ │ ├── ssd_mobilenet_v1_0.75_depth_quantized_300x300_coco14_sync.config │ │ │ ├── ssd_mobilenet_v1_0.75_depth_quantized_300x300_pets_sync.config │ │ │ ├── ssd_mobilenet_v1_300x300_coco14_sync.config │ │ │ ├── ssd_mobilenet_v1_coco.config │ │ │ ├── ssd_mobilenet_v1_focal_loss_pets.config │ │ │ ├── ssd_mobilenet_v1_focal_loss_pets_inference.config │ │ │ ├── ssd_mobilenet_v1_fpn_shared_box_predictor_640x640_coco14_sync.config │ │ │ ├── ssd_mobilenet_v1_pets.config │ │ │ ├── ssd_mobilenet_v1_ppn_shared_box_predictor_300x300_coco14_sync.config │ │ │ ├── ssd_mobilenet_v1_quantized_300x300_coco14_sync.config │ │ │ ├── ssd_mobilenet_v2_coco.config │ │ │ ├── ssd_mobilenet_v2_fpnlite_quantized_shared_box_predictor_256x256_depthmultiplier_75_coco14_sync.config │ │ │ ├── ssd_mobilenet_v2_fullyconv_coco.config │ │ │ ├── ssd_mobilenet_v2_mnasfpn_shared_box_predictor_320x320_coco_sync.config │ │ │ ├── ssd_mobilenet_v2_oid_v4.config │ │ │ ├── ssd_mobilenet_v2_pets_keras.config │ │ │ ├── ssd_mobilenet_v2_quantized_300x300_coco.config │ │ │ ├── ssd_resnet101_v1_fpn_shared_box_predictor_oid_512x512_sync.config │ │ │ ├── ssd_resnet50_v1_fpn_shared_box_predictor_640x640_coco14_sync.config │ │ │ ├── ssdlite_mobiledet_cpu_320x320_coco_sync_4x4.config │ │ │ ├── ssdlite_mobiledet_dsp_320x320_coco_sync_4x4.config │ │ │ ├── ssdlite_mobiledet_edgetpu_320x320_coco_sync_4x4.config │ │ │ ├── ssdlite_mobiledet_gpu_320x320_coco_sync_4x4.config │ │ │ ├── ssdlite_mobilenet_edgetpu_320x320_coco.config │ │ │ ├── ssdlite_mobilenet_edgetpu_320x320_coco_quant.config │ │ │ ├── ssdlite_mobilenet_v1_coco.config │ │ │ ├── ssdlite_mobilenet_v2_coco.config │ │ │ ├── ssdlite_mobilenet_v3_large_320x320_coco.config │ │ │ └── ssdlite_mobilenet_v3_small_320x320_coco.config │ ├── test_data │ │ ├── context_rcnn_camera_trap.config │ │ ├── pets_examples.record │ │ ├── snapshot_serengeti_sequence_examples.record │ │ └── ssd_mobilenet_v1_fpp.config │ ├── test_images │ │ ├── ducky │ │ │ ├── test │ │ │ │ ├── out1.jpg │ │ │ │ ├── out10.jpg │ │ │ │ ├── out11.jpg │ │ │ │ ├── out12.jpg │ │ │ │ ├── out13.jpg │ │ │ │ ├── out14.jpg │ │ │ │ ├── out15.jpg │ │ │ │ ├── out16.jpg │ │ │ │ ├── out17.jpg │ │ │ │ ├── out18.jpg │ │ │ │ ├── out19.jpg │ │ │ │ ├── out2.jpg │ │ │ │ ├── out20.jpg │ │ │ │ ├── out21.jpg │ │ │ │ ├── out22.jpg │ │ │ │ ├── out23.jpg │ │ │ │ ├── out24.jpg │ │ │ │ ├── out25.jpg │ │ │ │ ├── out26.jpg │ │ │ │ ├── out27.jpg │ │ │ │ ├── out28.jpg │ │ │ │ ├── out29.jpg │ │ │ │ ├── out3.jpg │ │ │ │ ├── out30.jpg │ │ │ │ ├── out31.jpg │ │ │ │ ├── out32.jpg │ │ │ │ ├── out33.jpg │ │ │ │ ├── out34.jpg │ │ │ │ ├── out35.jpg │ │ │ │ ├── out36.jpg │ │ │ │ ├── out37.jpg │ │ │ │ ├── out38.jpg │ │ │ │ ├── out39.jpg │ │ │ │ ├── out4.jpg │ │ │ │ ├── out40.jpg │ │ │ │ ├── out41.jpg │ │ │ │ ├── out42.jpg │ │ │ │ ├── out43.jpg │ │ │ │ ├── out44.jpg │ │ │ │ ├── out45.jpg │ │ │ │ ├── out46.jpg │ │ │ │ ├── out47.jpg │ │ │ │ ├── out48.jpg │ │ │ │ ├── out49.jpg │ │ │ │ ├── out5.jpg │ │ │ │ ├── out6.jpg │ │ │ │ ├── out7.jpg │ │ │ │ ├── out8.jpg │ │ │ │ └── out9.jpg │ │ │ └── train │ │ │ │ ├── robertducky1.jpg │ │ │ │ ├── robertducky2.jpg │ │ │ │ ├── robertducky3.jpg │ │ │ │ ├── robertducky4.jpg │ │ │ │ └── robertducky5.jpg │ │ ├── image1.jpg │ │ ├── image2.jpg │ │ ├── image3.jpg │ │ ├── image_info.txt │ │ └── snapshot_serengeti │ │ │ ├── README.md │ │ │ ├── S1_E03_R3_PICT0038.jpeg │ │ │ ├── S1_E03_R3_PICT0039.jpeg │ │ │ ├── S1_E03_R3_PICT0040.jpeg │ │ │ ├── S1_E03_R3_PICT0041.jpeg │ │ │ └── context_rcnn_demo_metadata.json │ ├── tpu_exporters │ │ ├── __init__.py │ │ ├── export_saved_model_tpu.py │ │ ├── export_saved_model_tpu_lib.py │ │ ├── export_saved_model_tpu_lib_tf1_test.py │ │ ├── faster_rcnn.py │ │ ├── ssd.py │ │ ├── testdata │ │ │ ├── __init__.py │ │ │ ├── faster_rcnn │ │ │ │ └── faster_rcnn_resnet101_atrous_coco.config │ │ │ └── ssd │ │ │ │ └── ssd_pipeline.config │ │ ├── utils.py │ │ └── utils_test.py │ └── utils │ │ ├── __init__.py │ │ ├── autoaugment_utils.py │ │ ├── bifpn_utils.py │ │ ├── category_util.py │ │ ├── category_util_test.py │ │ ├── colab_utils.py │ │ ├── config_util.py │ │ ├── config_util_test.py │ │ ├── context_manager.py │ │ ├── context_manager_test.py │ │ ├── dataset_util.py │ │ ├── dataset_util_test.py │ │ ├── json_utils.py │ │ ├── json_utils_test.py │ │ ├── label_map_util.py │ │ ├── label_map_util_test.py │ │ ├── learning_schedules.py │ │ ├── learning_schedules_test.py │ │ ├── metrics.py │ │ ├── metrics_test.py │ │ ├── model_util.py │ │ ├── model_util_tf2_test.py │ │ ├── np_box_list.py │ │ ├── np_box_list_ops.py │ │ ├── np_box_list_ops_test.py │ │ ├── np_box_list_test.py │ │ ├── np_box_mask_list.py │ │ ├── np_box_mask_list_ops.py │ │ ├── np_box_mask_list_ops_test.py │ │ ├── np_box_mask_list_test.py │ │ ├── np_box_ops.py │ │ ├── np_box_ops_test.py │ │ ├── np_mask_ops.py │ │ ├── np_mask_ops_test.py │ │ ├── object_detection_evaluation.py │ │ ├── object_detection_evaluation_test.py │ │ ├── ops.py │ │ ├── ops_test.py │ │ ├── patch_ops.py │ │ ├── patch_ops_test.py │ │ ├── per_image_evaluation.py │ │ ├── per_image_evaluation_test.py │ │ ├── per_image_vrd_evaluation.py │ │ ├── per_image_vrd_evaluation_test.py │ │ ├── shape_utils.py │ │ ├── shape_utils_test.py │ │ ├── spatial_transform_ops.py │ │ ├── spatial_transform_ops_test.py │ │ ├── static_shape.py │ │ ├── static_shape_test.py │ │ ├── target_assigner_utils.py │ │ ├── target_assigner_utils_test.py │ │ ├── test_case.py │ │ ├── test_case_test.py │ │ ├── test_utils.py │ │ ├── test_utils_test.py │ │ ├── tf_version.py │ │ ├── variables_helper.py │ │ ├── variables_helper_tf1_test.py │ │ ├── visualization_utils.py │ │ ├── visualization_utils_test.py │ │ ├── vrd_evaluation.py │ │ └── vrd_evaluation_test.py ├── pcl_rl │ ├── README.md │ ├── baseline.py │ ├── controller.py │ ├── env_spec.py │ ├── expert_paths.py │ ├── full_episode_objective.py │ ├── gym_wrapper.py │ ├── model.py │ ├── objective.py │ ├── optimizers.py │ ├── policy.py │ ├── replay_buffer.py │ ├── trainer.py │ └── trust_region.py ├── rebar │ ├── README.md │ ├── config.py │ ├── datasets.py │ ├── download_data.py │ ├── logger.py │ ├── rebar.py │ ├── rebar_train.py │ └── utils.py ├── seq_flow_lite │ ├── .bazelrc │ ├── BUILD │ ├── CONTRIBUTING.md │ ├── README.md │ ├── WORKSPACE │ ├── configs │ │ ├── civil_comments_prado.txt │ │ └── go_emotion_prado.txt │ ├── demo │ │ ├── colab │ │ │ ├── BUILD │ │ │ ├── emotion_colab.ipynb │ │ │ ├── move_ops.sh │ │ │ ├── setup.py │ │ │ └── setup_workspace.sh │ │ └── prado │ │ │ ├── BUILD │ │ │ ├── data │ │ │ └── tflite.fb │ │ │ └── prado_tflite_example.cc │ ├── export_to_tflite.py │ ├── input_fn_reader.py │ ├── layers │ │ ├── BUILD │ │ ├── base_layers.py │ │ ├── conv_layers.py │ │ ├── dense_layers.py │ │ ├── embedding_layers.py │ │ ├── misc_layers.py │ │ ├── normalization_layers.py │ │ ├── projection_layers.py │ │ ├── qrnn_layers.py │ │ ├── quantization_layers.py │ │ └── transformer_layers.py │ ├── metric_functions.py │ ├── models │ │ ├── BUILD │ │ ├── byteqrnn.py │ │ ├── charformer.py │ │ ├── pqrnn.py │ │ ├── prado.py │ │ ├── sgnn │ │ │ ├── BUILD │ │ │ ├── run_tflite.py │ │ │ ├── sgnn.py │ │ │ ├── sgnn_projection.cc │ │ │ ├── sgnn_projection.h │ │ │ ├── sgnn_projection_op_resolver.cc │ │ │ ├── sgnn_projection_op_resolver.h │ │ │ ├── sgnn_projection_test.cc │ │ │ ├── sgnn_test.py │ │ │ └── train.py │ │ ├── transformer_encoder.py │ │ └── transformer_uniform_attn_decoder.py │ ├── tf_ops │ │ ├── BUILD │ │ ├── build_def.bzl │ │ ├── denylist_op.cc │ │ ├── denylist_op_test.cc │ │ ├── denylist_op_test.py │ │ ├── projection_normalizer_util.cc │ │ ├── projection_normalizer_util.h │ │ ├── projection_tokenizer_util.cc │ │ ├── projection_tokenizer_util.h │ │ ├── projection_util.cc │ │ ├── projection_util.h │ │ ├── repo.bzl │ │ ├── sequence_string_projection.cc │ │ ├── sequence_string_projection_op_v2.cc │ │ ├── sequence_string_projection_op_v2_test.cc │ │ ├── sequence_string_projection_test.cc │ │ ├── skipgram_finder.cc │ │ ├── skipgram_finder.h │ │ ├── skipgram_finder_test.cc │ │ ├── subsequence_finder.cc │ │ ├── subsequence_finder.h │ │ ├── subsequence_finder_test.cc │ │ ├── text_distorter.cc │ │ ├── text_distorter.h │ │ └── tf_custom_ops.cc │ ├── tflite_ops │ │ ├── BUILD │ │ ├── beam_search.cc │ │ ├── beam_search.h │ │ ├── beam_search_test.cc │ │ ├── denylist.cc │ │ ├── denylist.h │ │ ├── denylist_skipgram.cc │ │ ├── denylist_skipgram.h │ │ ├── denylist_skipgram_test.cc │ │ ├── denylist_subsequence.cc │ │ ├── denylist_subsequence.h │ │ ├── denylist_subsequence_test.cc │ │ ├── denylist_tokenized.cc │ │ ├── denylist_tokenized.h │ │ ├── denylist_tokenized_test.cc │ │ ├── expected_value.cc │ │ ├── expected_value.h │ │ ├── layer_norm.cc │ │ ├── layer_norm.h │ │ ├── layer_norm_test.cc │ │ ├── quantization_util.h │ │ ├── registerer.cc │ │ ├── sequence_string_projection.cc │ │ ├── sequence_string_projection.h │ │ ├── sequence_string_projection_test.cc │ │ ├── tf_tflite_diff_test_util.cc │ │ ├── tf_tflite_diff_test_util.h │ │ ├── tflite_decoder_cache.h │ │ ├── tflite_decoder_handler.cc │ │ ├── tflite_decoder_handler.h │ │ ├── tflite_decoder_handler_test.cc │ │ ├── tflite_qrnn_pooling.cc │ │ └── tflite_qrnn_pooling.h │ ├── third_party │ │ ├── BUILD │ │ ├── android │ │ │ ├── BUILD │ │ │ ├── android.bzl.tpl │ │ │ ├── android_configure.BUILD.tpl │ │ │ └── android_configure.bzl │ │ ├── farmhash.BUILD │ │ ├── icu.BUILD │ │ ├── protobuf.BUILD │ │ ├── py │ │ │ ├── BUILD │ │ │ ├── BUILD.tpl │ │ │ └── python_configure.bzl │ │ ├── pybind11.BUILD │ │ ├── python_runtime │ │ │ └── BUILD │ │ └── repo.bzl │ ├── trainer.py │ ├── trainer_v2.py │ └── utils │ │ ├── BUILD │ │ ├── misc_utils.py │ │ └── tflite_utils.py ├── slim │ ├── BUILD │ ├── README.md │ ├── WORKSPACE │ ├── __init__.py │ ├── datasets │ │ ├── __init__.py │ │ ├── build_imagenet_data.py │ │ ├── cifar10.py │ │ ├── dataset_factory.py │ │ ├── dataset_utils.py │ │ ├── download_and_convert_cifar10.py │ │ ├── download_and_convert_flowers.py │ │ ├── download_and_convert_imagenet.sh │ │ ├── download_and_convert_mnist.py │ │ ├── download_and_convert_visualwakewords.py │ │ ├── download_and_convert_visualwakewords_lib.py │ │ ├── download_imagenet.sh │ │ ├── flowers.py │ │ ├── imagenet.py │ │ ├── imagenet_2012_validation_synset_labels.txt │ │ ├── imagenet_lsvrc_2015_synsets.txt │ │ ├── imagenet_metadata.txt │ │ ├── mnist.py │ │ ├── preprocess_imagenet_validation_data.py │ │ ├── process_bounding_boxes.py │ │ └── visualwakewords.py │ ├── deployment │ │ ├── __init__.py │ │ ├── model_deploy.py │ │ └── model_deploy_test.py │ ├── download_and_convert_data.py │ ├── eval_image_classifier.py │ ├── export_inference_graph.py │ ├── export_inference_graph_test.py │ ├── nets │ │ ├── __init__.py │ │ ├── alexnet.py │ │ ├── alexnet_test.py │ │ ├── cifarnet.py │ │ ├── cyclegan.py │ │ ├── cyclegan_test.py │ │ ├── dcgan.py │ │ ├── dcgan_test.py │ │ ├── i3d.py │ │ ├── i3d_test.py │ │ ├── i3d_utils.py │ │ ├── inception.py │ │ ├── inception_resnet_v2.py │ │ ├── inception_resnet_v2_test.py │ │ ├── inception_utils.py │ │ ├── inception_v1.py │ │ ├── inception_v1_test.py │ │ ├── inception_v2.py │ │ ├── inception_v2_test.py │ │ ├── inception_v3.py │ │ ├── inception_v3_test.py │ │ ├── inception_v4.py │ │ ├── inception_v4_test.py │ │ ├── lenet.py │ │ ├── mobilenet │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── conv_blocks.py │ │ │ ├── g3doc │ │ │ │ ├── edgetpu_latency.png │ │ │ │ ├── latency_pixel1.png │ │ │ │ └── madds_top1_accuracy.png │ │ │ ├── mnet_v1_vs_v2_pixel1_latency.png │ │ │ ├── mobilenet.py │ │ │ ├── mobilenet_example.ipynb │ │ │ ├── mobilenet_v2.py │ │ │ ├── mobilenet_v2_test.py │ │ │ ├── mobilenet_v3.py │ │ │ └── mobilenet_v3_test.py │ │ ├── mobilenet_v1.md │ │ ├── mobilenet_v1.png │ │ ├── mobilenet_v1.py │ │ ├── mobilenet_v1_eval.py │ │ ├── mobilenet_v1_test.py │ │ ├── mobilenet_v1_train.py │ │ ├── nasnet │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── nasnet.py │ │ │ ├── nasnet_test.py │ │ │ ├── nasnet_utils.py │ │ │ ├── nasnet_utils_test.py │ │ │ ├── pnasnet.py │ │ │ └── pnasnet_test.py │ │ ├── nets_factory.py │ │ ├── nets_factory_test.py │ │ ├── overfeat.py │ │ ├── overfeat_test.py │ │ ├── pix2pix.py │ │ ├── pix2pix_test.py │ │ ├── post_training_quantization.py │ │ ├── resnet_utils.py │ │ ├── resnet_v1.py │ │ ├── resnet_v1_test.py │ │ ├── resnet_v2.py │ │ ├── resnet_v2_test.py │ │ ├── s3dg.py │ │ ├── s3dg_test.py │ │ ├── vgg.py │ │ └── vgg_test.py │ ├── preprocessing │ │ ├── __init__.py │ │ ├── cifarnet_preprocessing.py │ │ ├── inception_preprocessing.py │ │ ├── lenet_preprocessing.py │ │ ├── preprocessing_factory.py │ │ └── vgg_preprocessing.py │ ├── scripts │ │ ├── export_mobilenet.sh │ │ ├── finetune_inception_resnet_v2_on_flowers.sh │ │ ├── finetune_inception_v1_on_flowers.sh │ │ ├── finetune_inception_v3_on_flowers.sh │ │ ├── finetune_resnet_v1_50_on_flowers.sh │ │ ├── train_cifarnet_on_cifar10.sh │ │ └── train_lenet_on_mnist.sh │ ├── setup.py │ ├── slim_walkthrough.ipynb │ └── train_image_classifier.py └── vid2depth │ ├── .bazelrc │ ├── BUILD │ ├── README.md │ ├── WORKSPACE │ ├── dataset │ ├── __init__.py │ ├── dataset_loader.py │ ├── gen_data.py │ └── kitti │ │ ├── static_frames.txt │ │ ├── test_files_eigen.txt │ │ ├── test_files_stereo.txt │ │ ├── test_scenes_eigen.txt │ │ └── test_scenes_stereo.txt │ ├── inference.py │ ├── model.py │ ├── nets.py │ ├── ops │ ├── BUILD │ ├── __init__.py │ ├── icp_grad.py │ ├── icp_grad_test.py │ ├── icp_op.py │ ├── icp_op_kernel.cc │ ├── icp_test.py │ ├── icp_train_demo.py │ ├── icp_util.py │ ├── pcl_demo.cc │ └── testdata │ │ └── pointcloud.npy │ ├── project.py │ ├── reader.py │ ├── repo.bzl │ ├── third_party │ ├── BUILD │ ├── eigen.BUILD │ ├── flann.BUILD │ ├── hdf5.BUILD │ └── pcl.BUILD │ ├── train.py │ └── util.py └── tensorflow_models ├── __init__.py ├── nlp └── __init__.py ├── tensorflow_models_pypi.ipynb ├── tensorflow_models_test.py └── vision └── __init__.py /.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- 1 | blank_issues_enabled: false 2 | -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /.github/README_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/.github/README_TEMPLATE.md -------------------------------------------------------------------------------- /.github/bot_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/.github/bot_config.yml -------------------------------------------------------------------------------- /.github/scripts/pylint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/.github/scripts/pylint.sh -------------------------------------------------------------------------------- /.github/workflows/ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/.github/workflows/ci.yml -------------------------------------------------------------------------------- /.github/workflows/stale.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/.github/workflows/stale.yaml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/.gitignore -------------------------------------------------------------------------------- /AUTHORS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/AUTHORS -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /ISSUES.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/ISSUES.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/README.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/SECURITY.md -------------------------------------------------------------------------------- /community/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/community/README.md -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/index.md -------------------------------------------------------------------------------- /docs/nlp/_guide_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/nlp/_guide_toc.yaml -------------------------------------------------------------------------------- /docs/nlp/customize_encoder.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/nlp/customize_encoder.ipynb -------------------------------------------------------------------------------- /docs/nlp/decoding_api.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/nlp/decoding_api.ipynb -------------------------------------------------------------------------------- /docs/nlp/fine_tune_bert.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/nlp/fine_tune_bert.ipynb -------------------------------------------------------------------------------- /docs/nlp/index.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/nlp/index.ipynb -------------------------------------------------------------------------------- /docs/nlp/load_lm_ckpts.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/nlp/load_lm_ckpts.ipynb -------------------------------------------------------------------------------- /docs/orbit/index.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/orbit/index.ipynb -------------------------------------------------------------------------------- /docs/vision/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/vision/_toc.yaml -------------------------------------------------------------------------------- /docs/vision/image_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/vision/image_classification.ipynb -------------------------------------------------------------------------------- /docs/vision/instance_segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/vision/instance_segmentation.ipynb -------------------------------------------------------------------------------- /docs/vision/object_detection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/vision/object_detection.ipynb -------------------------------------------------------------------------------- /docs/vision/semantic_segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/docs/vision/semantic_segmentation.ipynb -------------------------------------------------------------------------------- /official/README-TPU.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/README-TPU.md -------------------------------------------------------------------------------- /official/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/README.md -------------------------------------------------------------------------------- /official/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/__init__.py -------------------------------------------------------------------------------- /official/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/common/__init__.py -------------------------------------------------------------------------------- /official/common/dataset_fn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/common/dataset_fn.py -------------------------------------------------------------------------------- /official/common/distribute_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/common/distribute_utils.py -------------------------------------------------------------------------------- /official/common/distribute_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/common/distribute_utils_test.py -------------------------------------------------------------------------------- /official/common/flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/common/flags.py -------------------------------------------------------------------------------- /official/common/registry_imports.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/common/registry_imports.py -------------------------------------------------------------------------------- /official/common/streamz_counters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/common/streamz_counters.py -------------------------------------------------------------------------------- /official/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/__init__.py -------------------------------------------------------------------------------- /official/core/actions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/actions.py -------------------------------------------------------------------------------- /official/core/actions_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/actions_test.py -------------------------------------------------------------------------------- /official/core/base_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/base_task.py -------------------------------------------------------------------------------- /official/core/base_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/base_trainer.py -------------------------------------------------------------------------------- /official/core/base_trainer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/base_trainer_test.py -------------------------------------------------------------------------------- /official/core/config_definitions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/config_definitions.py -------------------------------------------------------------------------------- /official/core/exp_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/exp_factory.py -------------------------------------------------------------------------------- /official/core/export_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/export_base.py -------------------------------------------------------------------------------- /official/core/export_base_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/export_base_test.py -------------------------------------------------------------------------------- /official/core/file_writers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/file_writers.py -------------------------------------------------------------------------------- /official/core/file_writers_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/file_writers_test.py -------------------------------------------------------------------------------- /official/core/input_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/input_reader.py -------------------------------------------------------------------------------- /official/core/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/registry.py -------------------------------------------------------------------------------- /official/core/registry_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/registry_test.py -------------------------------------------------------------------------------- /official/core/task_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/task_factory.py -------------------------------------------------------------------------------- /official/core/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/test_utils.py -------------------------------------------------------------------------------- /official/core/tf_example_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/tf_example_builder.py -------------------------------------------------------------------------------- /official/core/tf_example_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/tf_example_builder_test.py -------------------------------------------------------------------------------- /official/core/tf_example_feature_key.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/tf_example_feature_key.py -------------------------------------------------------------------------------- /official/core/train_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/train_lib.py -------------------------------------------------------------------------------- /official/core/train_lib_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/train_lib_test.py -------------------------------------------------------------------------------- /official/core/train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/train_utils.py -------------------------------------------------------------------------------- /official/core/train_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/core/train_utils_test.py -------------------------------------------------------------------------------- /official/legacy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/README.md -------------------------------------------------------------------------------- /official/legacy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/__init__.py -------------------------------------------------------------------------------- /official/legacy/albert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/albert/README.md -------------------------------------------------------------------------------- /official/legacy/albert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/albert/__init__.py -------------------------------------------------------------------------------- /official/legacy/albert/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/albert/configs.py -------------------------------------------------------------------------------- /official/legacy/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/README.md -------------------------------------------------------------------------------- /official/legacy/bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/__init__.py -------------------------------------------------------------------------------- /official/legacy/bert/bert_cloud_tpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/bert_cloud_tpu.md -------------------------------------------------------------------------------- /official/legacy/bert/bert_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/bert_models.py -------------------------------------------------------------------------------- /official/legacy/bert/bert_models_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/bert_models_test.py -------------------------------------------------------------------------------- /official/legacy/bert/common_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/common_flags.py -------------------------------------------------------------------------------- /official/legacy/bert/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/configs.py -------------------------------------------------------------------------------- /official/legacy/bert/export_tfhub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/export_tfhub.py -------------------------------------------------------------------------------- /official/legacy/bert/export_tfhub_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/export_tfhub_test.py -------------------------------------------------------------------------------- /official/legacy/bert/input_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/input_pipeline.py -------------------------------------------------------------------------------- /official/legacy/bert/model_saving_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/model_saving_utils.py -------------------------------------------------------------------------------- /official/legacy/bert/run_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/run_classifier.py -------------------------------------------------------------------------------- /official/legacy/bert/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/run_pretraining.py -------------------------------------------------------------------------------- /official/legacy/bert/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/run_squad.py -------------------------------------------------------------------------------- /official/legacy/bert/run_squad_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/run_squad_helper.py -------------------------------------------------------------------------------- /official/legacy/bert/serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/bert/serving.py -------------------------------------------------------------------------------- /official/legacy/detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/detection/README.md -------------------------------------------------------------------------------- /official/legacy/detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/detection/__init__.py -------------------------------------------------------------------------------- /official/legacy/detection/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/detection/main.py -------------------------------------------------------------------------------- /official/legacy/detection/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/detection/ops/__init__.py -------------------------------------------------------------------------------- /official/legacy/detection/ops/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/detection/ops/nms.py -------------------------------------------------------------------------------- /official/legacy/detection/ops/roi_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/detection/ops/roi_ops.py -------------------------------------------------------------------------------- /official/legacy/transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/README.md -------------------------------------------------------------------------------- /official/legacy/transformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/__init__.py -------------------------------------------------------------------------------- /official/legacy/transformer/ffn_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/ffn_layer.py -------------------------------------------------------------------------------- /official/legacy/transformer/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/metrics.py -------------------------------------------------------------------------------- /official/legacy/transformer/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/misc.py -------------------------------------------------------------------------------- /official/legacy/transformer/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/model_utils.py -------------------------------------------------------------------------------- /official/legacy/transformer/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/optimizer.py -------------------------------------------------------------------------------- /official/legacy/transformer/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/transformer.py -------------------------------------------------------------------------------- /official/legacy/transformer/translate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/transformer/translate.py -------------------------------------------------------------------------------- /official/legacy/xlnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/README.md -------------------------------------------------------------------------------- /official/legacy/xlnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/__init__.py -------------------------------------------------------------------------------- /official/legacy/xlnet/classifier_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/classifier_utils.py -------------------------------------------------------------------------------- /official/legacy/xlnet/common_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/common_flags.py -------------------------------------------------------------------------------- /official/legacy/xlnet/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/data_utils.py -------------------------------------------------------------------------------- /official/legacy/xlnet/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/optimization.py -------------------------------------------------------------------------------- /official/legacy/xlnet/preprocess_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/preprocess_utils.py -------------------------------------------------------------------------------- /official/legacy/xlnet/run_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/run_classifier.py -------------------------------------------------------------------------------- /official/legacy/xlnet/run_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/run_pretrain.py -------------------------------------------------------------------------------- /official/legacy/xlnet/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/run_squad.py -------------------------------------------------------------------------------- /official/legacy/xlnet/squad_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/squad_utils.py -------------------------------------------------------------------------------- /official/legacy/xlnet/training_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/training_utils.py -------------------------------------------------------------------------------- /official/legacy/xlnet/xlnet_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/xlnet_config.py -------------------------------------------------------------------------------- /official/legacy/xlnet/xlnet_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/legacy/xlnet/xlnet_modeling.py -------------------------------------------------------------------------------- /official/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/__init__.py -------------------------------------------------------------------------------- /official/modeling/activations/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/__init__.py -------------------------------------------------------------------------------- /official/modeling/activations/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/gelu.py -------------------------------------------------------------------------------- /official/modeling/activations/gelu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/gelu_test.py -------------------------------------------------------------------------------- /official/modeling/activations/mish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/mish.py -------------------------------------------------------------------------------- /official/modeling/activations/mish_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/mish_test.py -------------------------------------------------------------------------------- /official/modeling/activations/relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/relu.py -------------------------------------------------------------------------------- /official/modeling/activations/relu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/relu_test.py -------------------------------------------------------------------------------- /official/modeling/activations/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/sigmoid.py -------------------------------------------------------------------------------- /official/modeling/activations/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/activations/swish.py -------------------------------------------------------------------------------- /official/modeling/grad_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/grad_utils.py -------------------------------------------------------------------------------- /official/modeling/grad_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/grad_utils_test.py -------------------------------------------------------------------------------- /official/modeling/hyperparams/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/hyperparams/__init__.py -------------------------------------------------------------------------------- /official/modeling/hyperparams/oneof.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/hyperparams/oneof.py -------------------------------------------------------------------------------- /official/modeling/multitask/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/multitask/__init__.py -------------------------------------------------------------------------------- /official/modeling/multitask/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/multitask/base_model.py -------------------------------------------------------------------------------- /official/modeling/multitask/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/multitask/configs.py -------------------------------------------------------------------------------- /official/modeling/multitask/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/multitask/evaluator.py -------------------------------------------------------------------------------- /official/modeling/multitask/multitask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/multitask/multitask.py -------------------------------------------------------------------------------- /official/modeling/multitask/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/multitask/test_utils.py -------------------------------------------------------------------------------- /official/modeling/multitask/train_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/multitask/train_lib.py -------------------------------------------------------------------------------- /official/modeling/optimization/lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/optimization/lamb.py -------------------------------------------------------------------------------- /official/modeling/optimization/lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/optimization/lars.py -------------------------------------------------------------------------------- /official/modeling/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/performance.py -------------------------------------------------------------------------------- /official/modeling/privacy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/privacy/__init__.py -------------------------------------------------------------------------------- /official/modeling/privacy/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/privacy/configs.py -------------------------------------------------------------------------------- /official/modeling/privacy/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/privacy/ops.py -------------------------------------------------------------------------------- /official/modeling/privacy/ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/privacy/ops_test.py -------------------------------------------------------------------------------- /official/modeling/tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/tf_utils.py -------------------------------------------------------------------------------- /official/modeling/tf_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/modeling/tf_utils_test.py -------------------------------------------------------------------------------- /official/nightly_requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nightly_requirements.txt -------------------------------------------------------------------------------- /official/nlp/MODEL_GARDEN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/MODEL_GARDEN.md -------------------------------------------------------------------------------- /official/nlp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/README.md -------------------------------------------------------------------------------- /official/nlp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/__init__.py -------------------------------------------------------------------------------- /official/nlp/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/configs/__init__.py -------------------------------------------------------------------------------- /official/nlp/configs/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/configs/bert.py -------------------------------------------------------------------------------- /official/nlp/configs/electra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/configs/electra.py -------------------------------------------------------------------------------- /official/nlp/configs/encoders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/configs/encoders.py -------------------------------------------------------------------------------- /official/nlp/configs/encoders_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/configs/encoders_test.py -------------------------------------------------------------------------------- /official/nlp/continuous_finetune_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/continuous_finetune_lib.py -------------------------------------------------------------------------------- /official/nlp/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/README.md -------------------------------------------------------------------------------- /official/nlp/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/__init__.py -------------------------------------------------------------------------------- /official/nlp/data/classifier_data_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/classifier_data_lib.py -------------------------------------------------------------------------------- /official/nlp/data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/data_loader.py -------------------------------------------------------------------------------- /official/nlp/data/data_loader_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/data_loader_factory.py -------------------------------------------------------------------------------- /official/nlp/data/pretrain_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/pretrain_dataloader.py -------------------------------------------------------------------------------- /official/nlp/data/squad_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/squad_lib.py -------------------------------------------------------------------------------- /official/nlp/data/squad_lib_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/squad_lib_sp.py -------------------------------------------------------------------------------- /official/nlp/data/tagging_data_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/tagging_data_lib.py -------------------------------------------------------------------------------- /official/nlp/data/tagging_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/tagging_dataloader.py -------------------------------------------------------------------------------- /official/nlp/data/train_sentencepiece.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/train_sentencepiece.py -------------------------------------------------------------------------------- /official/nlp/data/wmt_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/wmt_dataloader.py -------------------------------------------------------------------------------- /official/nlp/data/wmt_dataloader_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/data/wmt_dataloader_test.py -------------------------------------------------------------------------------- /official/nlp/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/docs/README.md -------------------------------------------------------------------------------- /official/nlp/docs/pretrain.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/docs/pretrain.md -------------------------------------------------------------------------------- /official/nlp/docs/pretrained_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/docs/pretrained_models.md -------------------------------------------------------------------------------- /official/nlp/docs/tfhub.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/docs/tfhub.md -------------------------------------------------------------------------------- /official/nlp/docs/train.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/docs/train.md -------------------------------------------------------------------------------- /official/nlp/finetuning/binary_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/finetuning/binary_helper.py -------------------------------------------------------------------------------- /official/nlp/finetuning/glue/flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/finetuning/glue/flags.py -------------------------------------------------------------------------------- /official/nlp/finetuning/glue/run_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/finetuning/glue/run_glue.py -------------------------------------------------------------------------------- /official/nlp/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/metrics/__init__.py -------------------------------------------------------------------------------- /official/nlp/metrics/bleu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/metrics/bleu.py -------------------------------------------------------------------------------- /official/nlp/metrics/bleu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/metrics/bleu_test.py -------------------------------------------------------------------------------- /official/nlp/modeling/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/README.md -------------------------------------------------------------------------------- /official/nlp/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/__init__.py -------------------------------------------------------------------------------- /official/nlp/modeling/layers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/layers/README.md -------------------------------------------------------------------------------- /official/nlp/modeling/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/layers/__init__.py -------------------------------------------------------------------------------- /official/nlp/modeling/layers/cls_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/layers/cls_head.py -------------------------------------------------------------------------------- /official/nlp/modeling/layers/mixing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/layers/mixing.py -------------------------------------------------------------------------------- /official/nlp/modeling/layers/moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/layers/moe.py -------------------------------------------------------------------------------- /official/nlp/modeling/layers/moe_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/layers/moe_test.py -------------------------------------------------------------------------------- /official/nlp/modeling/layers/routing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/layers/routing.py -------------------------------------------------------------------------------- /official/nlp/modeling/layers/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/layers/util.py -------------------------------------------------------------------------------- /official/nlp/modeling/losses/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/losses/README.md -------------------------------------------------------------------------------- /official/nlp/modeling/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/losses/__init__.py -------------------------------------------------------------------------------- /official/nlp/modeling/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/models/README.md -------------------------------------------------------------------------------- /official/nlp/modeling/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/models/__init__.py -------------------------------------------------------------------------------- /official/nlp/modeling/models/t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/models/t5.py -------------------------------------------------------------------------------- /official/nlp/modeling/models/t5_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/models/t5_test.py -------------------------------------------------------------------------------- /official/nlp/modeling/models/xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/models/xlnet.py -------------------------------------------------------------------------------- /official/nlp/modeling/networks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/networks/README.md -------------------------------------------------------------------------------- /official/nlp/modeling/networks/fnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/networks/fnet.py -------------------------------------------------------------------------------- /official/nlp/modeling/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/ops/__init__.py -------------------------------------------------------------------------------- /official/nlp/modeling/ops/beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/modeling/ops/beam_search.py -------------------------------------------------------------------------------- /official/nlp/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/optimization.py -------------------------------------------------------------------------------- /official/nlp/serving/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/serving/__init__.py -------------------------------------------------------------------------------- /official/nlp/serving/serving_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/serving/serving_modules.py -------------------------------------------------------------------------------- /official/nlp/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/__init__.py -------------------------------------------------------------------------------- /official/nlp/tasks/dual_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/dual_encoder.py -------------------------------------------------------------------------------- /official/nlp/tasks/dual_encoder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/dual_encoder_test.py -------------------------------------------------------------------------------- /official/nlp/tasks/electra_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/electra_task.py -------------------------------------------------------------------------------- /official/nlp/tasks/electra_task_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/electra_task_test.py -------------------------------------------------------------------------------- /official/nlp/tasks/masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/masked_lm.py -------------------------------------------------------------------------------- /official/nlp/tasks/masked_lm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/masked_lm_test.py -------------------------------------------------------------------------------- /official/nlp/tasks/question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/question_answering.py -------------------------------------------------------------------------------- /official/nlp/tasks/tagging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/tagging.py -------------------------------------------------------------------------------- /official/nlp/tasks/tagging_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/tagging_test.py -------------------------------------------------------------------------------- /official/nlp/tasks/translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/translation.py -------------------------------------------------------------------------------- /official/nlp/tasks/translation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/translation_test.py -------------------------------------------------------------------------------- /official/nlp/tasks/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tasks/utils.py -------------------------------------------------------------------------------- /official/nlp/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tools/__init__.py -------------------------------------------------------------------------------- /official/nlp/tools/export_tfhub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tools/export_tfhub.py -------------------------------------------------------------------------------- /official/nlp/tools/export_tfhub_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tools/export_tfhub_lib.py -------------------------------------------------------------------------------- /official/nlp/tools/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tools/tokenization.py -------------------------------------------------------------------------------- /official/nlp/tools/tokenization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/tools/tokenization_test.py -------------------------------------------------------------------------------- /official/nlp/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/nlp/train.py -------------------------------------------------------------------------------- /official/pip_package/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/pip_package/setup.py -------------------------------------------------------------------------------- /official/projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/README.md -------------------------------------------------------------------------------- /official/projects/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/__init__.py -------------------------------------------------------------------------------- /official/projects/assemblenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/assemblenet/README.md -------------------------------------------------------------------------------- /official/projects/assemblenet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/assemblenet/train.py -------------------------------------------------------------------------------- /official/projects/basnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/basnet/README.md -------------------------------------------------------------------------------- /official/projects/basnet/tasks/basnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/basnet/tasks/basnet.py -------------------------------------------------------------------------------- /official/projects/basnet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/basnet/train.py -------------------------------------------------------------------------------- /official/projects/bigbird/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/bigbird/README.md -------------------------------------------------------------------------------- /official/projects/bigbird/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/bigbird/__init__.py -------------------------------------------------------------------------------- /official/projects/bigbird/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/bigbird/encoder.py -------------------------------------------------------------------------------- /official/projects/centernet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/centernet/README.md -------------------------------------------------------------------------------- /official/projects/centernet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/centernet/__init__.py -------------------------------------------------------------------------------- /official/projects/centernet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/centernet/train.py -------------------------------------------------------------------------------- /official/projects/const_cl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/const_cl/README.md -------------------------------------------------------------------------------- /official/projects/const_cl/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/const_cl/train.py -------------------------------------------------------------------------------- /official/projects/detr/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/detr/README.md -------------------------------------------------------------------------------- /official/projects/detr/configs/detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/detr/configs/detr.py -------------------------------------------------------------------------------- /official/projects/detr/modeling/detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/detr/modeling/detr.py -------------------------------------------------------------------------------- /official/projects/detr/ops/matchers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/detr/ops/matchers.py -------------------------------------------------------------------------------- /official/projects/detr/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/detr/optimization.py -------------------------------------------------------------------------------- /official/projects/detr/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/detr/train.py -------------------------------------------------------------------------------- /official/projects/edgetpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/edgetpu/README.md -------------------------------------------------------------------------------- /official/projects/edgetpu/nlp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/edgetpu/nlp/README.md -------------------------------------------------------------------------------- /official/projects/fffner/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/fffner/README.md -------------------------------------------------------------------------------- /official/projects/fffner/fffner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/fffner/fffner.py -------------------------------------------------------------------------------- /official/projects/fffner/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/fffner/train.py -------------------------------------------------------------------------------- /official/projects/labse/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/labse/README.md -------------------------------------------------------------------------------- /official/projects/labse/config_labse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/labse/config_labse.py -------------------------------------------------------------------------------- /official/projects/labse/export_tfhub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/labse/export_tfhub.py -------------------------------------------------------------------------------- /official/projects/labse/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/labse/train.py -------------------------------------------------------------------------------- /official/projects/longformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/longformer/README.md -------------------------------------------------------------------------------- /official/projects/longformer/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/longformer/train.py -------------------------------------------------------------------------------- /official/projects/lra/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/lra/README.md -------------------------------------------------------------------------------- /official/projects/lra/linformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/lra/linformer.py -------------------------------------------------------------------------------- /official/projects/lra/mega.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/lra/mega.py -------------------------------------------------------------------------------- /official/projects/lra/mega_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/lra/mega_encoder.py -------------------------------------------------------------------------------- /official/projects/lra/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/lra/train.py -------------------------------------------------------------------------------- /official/projects/lra/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/lra/transformer.py -------------------------------------------------------------------------------- /official/projects/mae/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mae/README.md -------------------------------------------------------------------------------- /official/projects/mae/configs/mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mae/configs/mae.py -------------------------------------------------------------------------------- /official/projects/mae/configs/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mae/configs/vit.py -------------------------------------------------------------------------------- /official/projects/mae/modeling/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mae/modeling/utils.py -------------------------------------------------------------------------------- /official/projects/mae/modeling/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mae/modeling/vit.py -------------------------------------------------------------------------------- /official/projects/mae/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mae/optimization.py -------------------------------------------------------------------------------- /official/projects/mae/tasks/masked_ae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mae/tasks/masked_ae.py -------------------------------------------------------------------------------- /official/projects/mae/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mae/train.py -------------------------------------------------------------------------------- /official/projects/maxvit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/maxvit/README.md -------------------------------------------------------------------------------- /official/projects/maxvit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/maxvit/__init__.py -------------------------------------------------------------------------------- /official/projects/maxvit/configs/rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/maxvit/configs/rcnn.py -------------------------------------------------------------------------------- /official/projects/maxvit/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/maxvit/train.py -------------------------------------------------------------------------------- /official/projects/maxvit/train_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/maxvit/train_test.py -------------------------------------------------------------------------------- /official/projects/mobilebert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mobilebert/README.md -------------------------------------------------------------------------------- /official/projects/mobilebert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mobilebert/__init__.py -------------------------------------------------------------------------------- /official/projects/mobilebert/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mobilebert/utils.py -------------------------------------------------------------------------------- /official/projects/mosaic/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mosaic/README.md -------------------------------------------------------------------------------- /official/projects/mosaic/mosaic_tasks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mosaic/mosaic_tasks.py -------------------------------------------------------------------------------- /official/projects/mosaic/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mosaic/train.py -------------------------------------------------------------------------------- /official/projects/movinet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/movinet/README.md -------------------------------------------------------------------------------- /official/projects/movinet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/movinet/__init__.py -------------------------------------------------------------------------------- /official/projects/movinet/requirements.txt: -------------------------------------------------------------------------------- 1 | mediapy 2 | -------------------------------------------------------------------------------- /official/projects/movinet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/movinet/train.py -------------------------------------------------------------------------------- /official/projects/movinet/train_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/movinet/train_test.py -------------------------------------------------------------------------------- /official/projects/mtop/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/mtop/README.md -------------------------------------------------------------------------------- /official/projects/nhnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/README.md -------------------------------------------------------------------------------- /official/projects/nhnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/__init__.py -------------------------------------------------------------------------------- /official/projects/nhnet/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/configs.py -------------------------------------------------------------------------------- /official/projects/nhnet/configs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/configs_test.py -------------------------------------------------------------------------------- /official/projects/nhnet/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/decoder.py -------------------------------------------------------------------------------- /official/projects/nhnet/decoder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/decoder_test.py -------------------------------------------------------------------------------- /official/projects/nhnet/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/evaluation.py -------------------------------------------------------------------------------- /official/projects/nhnet/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/models.py -------------------------------------------------------------------------------- /official/projects/nhnet/models_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/models_test.py -------------------------------------------------------------------------------- /official/projects/nhnet/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/optimizer.py -------------------------------------------------------------------------------- /official/projects/nhnet/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/trainer.py -------------------------------------------------------------------------------- /official/projects/nhnet/trainer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/trainer_test.py -------------------------------------------------------------------------------- /official/projects/nhnet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/nhnet/utils.py -------------------------------------------------------------------------------- /official/projects/panoptic/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/panoptic/README.md -------------------------------------------------------------------------------- /official/projects/panoptic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/panoptic/__init__.py -------------------------------------------------------------------------------- /official/projects/panoptic/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/panoptic/train.py -------------------------------------------------------------------------------- /official/projects/perceiver/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/perceiver/README.md -------------------------------------------------------------------------------- /official/projects/perceiver/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/perceiver/train.py -------------------------------------------------------------------------------- /official/projects/pix2seq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pix2seq/README.md -------------------------------------------------------------------------------- /official/projects/pix2seq/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pix2seq/train.py -------------------------------------------------------------------------------- /official/projects/pix2seq/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pix2seq/utils.py -------------------------------------------------------------------------------- /official/projects/pixel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pixel/README.md -------------------------------------------------------------------------------- /official/projects/pixel/configs/pixel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pixel/configs/pixel.py -------------------------------------------------------------------------------- /official/projects/pixel/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pixel/data_loader.py -------------------------------------------------------------------------------- /official/projects/pixel/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pixel/train.py -------------------------------------------------------------------------------- /official/projects/pointpillars/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pointpillars/README.md -------------------------------------------------------------------------------- /official/projects/pointpillars/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pointpillars/train.py -------------------------------------------------------------------------------- /official/projects/pruning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pruning/README.md -------------------------------------------------------------------------------- /official/projects/pruning/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/pruning/train.py -------------------------------------------------------------------------------- /official/projects/qat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/qat/__init__.py -------------------------------------------------------------------------------- /official/projects/qat/nlp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/qat/nlp/README.md -------------------------------------------------------------------------------- /official/projects/qat/nlp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/qat/nlp/__init__.py -------------------------------------------------------------------------------- /official/projects/qat/nlp/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/qat/nlp/train.py -------------------------------------------------------------------------------- /official/projects/qat/vision/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/qat/vision/README.md -------------------------------------------------------------------------------- /official/projects/qat/vision/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/qat/vision/__init__.py -------------------------------------------------------------------------------- /official/projects/qat/vision/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/qat/vision/train.py -------------------------------------------------------------------------------- /official/projects/roformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/roformer/README.md -------------------------------------------------------------------------------- /official/projects/roformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/roformer/__init__.py -------------------------------------------------------------------------------- /official/projects/roformer/roformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/roformer/roformer.py -------------------------------------------------------------------------------- /official/projects/roformer/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/roformer/train.py -------------------------------------------------------------------------------- /official/projects/s3d/configs/s3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/s3d/configs/s3d.py -------------------------------------------------------------------------------- /official/projects/s3d/modeling/s3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/s3d/modeling/s3d.py -------------------------------------------------------------------------------- /official/projects/s3d/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/s3d/train.py -------------------------------------------------------------------------------- /official/projects/simclr/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/simclr/README.md -------------------------------------------------------------------------------- /official/projects/simclr/tasks/simclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/simclr/tasks/simclr.py -------------------------------------------------------------------------------- /official/projects/simclr/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/simclr/train.py -------------------------------------------------------------------------------- /official/projects/teams/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/teams/README.md -------------------------------------------------------------------------------- /official/projects/teams/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/teams/__init__.py -------------------------------------------------------------------------------- /official/projects/teams/teams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/teams/teams.py -------------------------------------------------------------------------------- /official/projects/teams/teams_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/teams/teams_task.py -------------------------------------------------------------------------------- /official/projects/teams/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/teams/train.py -------------------------------------------------------------------------------- /official/projects/tn_bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/tn_bert/README.md -------------------------------------------------------------------------------- /official/projects/triviaqa/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/__init__.py -------------------------------------------------------------------------------- /official/projects/triviaqa/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/dataset.py -------------------------------------------------------------------------------- /official/projects/triviaqa/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/evaluate.py -------------------------------------------------------------------------------- /official/projects/triviaqa/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/evaluation.py -------------------------------------------------------------------------------- /official/projects/triviaqa/inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/inputs.py -------------------------------------------------------------------------------- /official/projects/triviaqa/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/modeling.py -------------------------------------------------------------------------------- /official/projects/triviaqa/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/predict.py -------------------------------------------------------------------------------- /official/projects/triviaqa/prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/prediction.py -------------------------------------------------------------------------------- /official/projects/triviaqa/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/preprocess.py -------------------------------------------------------------------------------- /official/projects/triviaqa/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/triviaqa/train.py -------------------------------------------------------------------------------- /official/projects/video_ssl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/video_ssl/README.md -------------------------------------------------------------------------------- /official/projects/video_ssl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/video_ssl/__init__.py -------------------------------------------------------------------------------- /official/projects/video_ssl/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/video_ssl/train.py -------------------------------------------------------------------------------- /official/projects/videoglue/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/videoglue/README.md -------------------------------------------------------------------------------- /official/projects/videoglue/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/videoglue/train.py -------------------------------------------------------------------------------- /official/projects/waste_identification_ml/model_inference/testdata/categories_1.csv: -------------------------------------------------------------------------------- 1 | category 2 | alpha 3 | beta -------------------------------------------------------------------------------- /official/projects/waste_identification_ml/model_inference/testdata/categories_2.csv: -------------------------------------------------------------------------------- 1 | category 2 | gamma 3 | delta -------------------------------------------------------------------------------- /official/projects/waste_identification_ml/model_inference/testdata/csv_to_list.csv: -------------------------------------------------------------------------------- 1 | data 2 | alpha 3 | beta 4 | gamma -------------------------------------------------------------------------------- /official/projects/yolo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/README.md -------------------------------------------------------------------------------- /official/projects/yolo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/__init__.py -------------------------------------------------------------------------------- /official/projects/yolo/configs/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/configs/yolo.py -------------------------------------------------------------------------------- /official/projects/yolo/configs/yolov7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/configs/yolov7.py -------------------------------------------------------------------------------- /official/projects/yolo/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/ops/__init__.py -------------------------------------------------------------------------------- /official/projects/yolo/ops/anchor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/ops/anchor.py -------------------------------------------------------------------------------- /official/projects/yolo/ops/box_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/ops/box_ops.py -------------------------------------------------------------------------------- /official/projects/yolo/ops/loss_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/ops/loss_utils.py -------------------------------------------------------------------------------- /official/projects/yolo/ops/math_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/ops/math_ops.py -------------------------------------------------------------------------------- /official/projects/yolo/ops/mosaic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/ops/mosaic.py -------------------------------------------------------------------------------- /official/projects/yolo/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/tasks/__init__.py -------------------------------------------------------------------------------- /official/projects/yolo/tasks/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/tasks/yolo.py -------------------------------------------------------------------------------- /official/projects/yolo/tasks/yolov7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/tasks/yolov7.py -------------------------------------------------------------------------------- /official/projects/yolo/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yolo/train.py -------------------------------------------------------------------------------- /official/projects/yt8m/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yt8m/README.md -------------------------------------------------------------------------------- /official/projects/yt8m/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yt8m/__init__.py -------------------------------------------------------------------------------- /official/projects/yt8m/configs/yt8m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yt8m/configs/yt8m.py -------------------------------------------------------------------------------- /official/projects/yt8m/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yt8m/tasks/__init__.py -------------------------------------------------------------------------------- /official/projects/yt8m/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yt8m/train.py -------------------------------------------------------------------------------- /official/projects/yt8m/train_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/projects/yt8m/train_test.py -------------------------------------------------------------------------------- /official/recommendation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/README.md -------------------------------------------------------------------------------- /official/recommendation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/__init__.py -------------------------------------------------------------------------------- /official/recommendation/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/constants.py -------------------------------------------------------------------------------- /official/recommendation/data_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/data_pipeline.py -------------------------------------------------------------------------------- /official/recommendation/data_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/data_test.py -------------------------------------------------------------------------------- /official/recommendation/movielens.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/movielens.py -------------------------------------------------------------------------------- /official/recommendation/ncf_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/ncf_common.py -------------------------------------------------------------------------------- /official/recommendation/ncf_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/ncf_test.py -------------------------------------------------------------------------------- /official/recommendation/neumf_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/neumf_model.py -------------------------------------------------------------------------------- /official/recommendation/popen_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/popen_helper.py -------------------------------------------------------------------------------- /official/recommendation/ranking/task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/ranking/task.py -------------------------------------------------------------------------------- /official/recommendation/ranking/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/ranking/train.py -------------------------------------------------------------------------------- /official/recommendation/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/run.sh -------------------------------------------------------------------------------- /official/recommendation/stat_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/stat_utils.py -------------------------------------------------------------------------------- /official/recommendation/uplift/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/uplift/README.md -------------------------------------------------------------------------------- /official/recommendation/uplift/keys.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/uplift/keys.py -------------------------------------------------------------------------------- /official/recommendation/uplift/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/uplift/types.py -------------------------------------------------------------------------------- /official/recommendation/uplift/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/recommendation/uplift/utils.py -------------------------------------------------------------------------------- /official/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/requirements.txt -------------------------------------------------------------------------------- /official/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/__init__.py -------------------------------------------------------------------------------- /official/utils/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/docs/README.md -------------------------------------------------------------------------------- /official/utils/docs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/docs/__init__.py -------------------------------------------------------------------------------- /official/utils/flags/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/README.md -------------------------------------------------------------------------------- /official/utils/flags/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/__init__.py -------------------------------------------------------------------------------- /official/utils/flags/_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/_base.py -------------------------------------------------------------------------------- /official/utils/flags/_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/_benchmark.py -------------------------------------------------------------------------------- /official/utils/flags/_conventions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/_conventions.py -------------------------------------------------------------------------------- /official/utils/flags/_device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/_device.py -------------------------------------------------------------------------------- /official/utils/flags/_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/_distribution.py -------------------------------------------------------------------------------- /official/utils/flags/_misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/_misc.py -------------------------------------------------------------------------------- /official/utils/flags/_performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/_performance.py -------------------------------------------------------------------------------- /official/utils/flags/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/core.py -------------------------------------------------------------------------------- /official/utils/flags/flags_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/flags_test.py -------------------------------------------------------------------------------- /official/utils/flags/guidelines.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/flags/guidelines.md -------------------------------------------------------------------------------- /official/utils/hyperparams_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/hyperparams_flags.py -------------------------------------------------------------------------------- /official/utils/misc/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/misc/__init__.py -------------------------------------------------------------------------------- /official/utils/misc/keras_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/misc/keras_utils.py -------------------------------------------------------------------------------- /official/utils/misc/model_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/misc/model_helpers.py -------------------------------------------------------------------------------- /official/utils/testing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/testing/__init__.py -------------------------------------------------------------------------------- /official/utils/testing/integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/testing/integration.py -------------------------------------------------------------------------------- /official/utils/testing/mock_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/testing/mock_task.py -------------------------------------------------------------------------------- /official/utils/testing/pylint.rcfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/utils/testing/pylint.rcfile -------------------------------------------------------------------------------- /official/vision/MODEL_GARDEN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/MODEL_GARDEN.md -------------------------------------------------------------------------------- /official/vision/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/README.md -------------------------------------------------------------------------------- /official/vision/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/__init__.py -------------------------------------------------------------------------------- /official/vision/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/configs/__init__.py -------------------------------------------------------------------------------- /official/vision/configs/backbones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/configs/backbones.py -------------------------------------------------------------------------------- /official/vision/configs/backbones_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/configs/backbones_3d.py -------------------------------------------------------------------------------- /official/vision/configs/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/configs/common.py -------------------------------------------------------------------------------- /official/vision/configs/decoders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/configs/decoders.py -------------------------------------------------------------------------------- /official/vision/configs/maskrcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/configs/maskrcnn.py -------------------------------------------------------------------------------- /official/vision/configs/maskrcnn_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/configs/maskrcnn_test.py -------------------------------------------------------------------------------- /official/vision/configs/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/configs/retinanet.py -------------------------------------------------------------------------------- /official/vision/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/data/__init__.py -------------------------------------------------------------------------------- /official/vision/data/image_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/data/image_utils.py -------------------------------------------------------------------------------- /official/vision/data/image_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/data/image_utils_test.py -------------------------------------------------------------------------------- /official/vision/data/tfrecord_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/data/tfrecord_lib.py -------------------------------------------------------------------------------- /official/vision/dataloaders/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/dataloaders/__init__.py -------------------------------------------------------------------------------- /official/vision/dataloaders/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/dataloaders/decoder.py -------------------------------------------------------------------------------- /official/vision/dataloaders/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/dataloaders/parser.py -------------------------------------------------------------------------------- /official/vision/dataloaders/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/dataloaders/utils.py -------------------------------------------------------------------------------- /official/vision/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/evaluation/__init__.py -------------------------------------------------------------------------------- /official/vision/evaluation/coco_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/evaluation/coco_utils.py -------------------------------------------------------------------------------- /official/vision/evaluation/iou.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/evaluation/iou.py -------------------------------------------------------------------------------- /official/vision/evaluation/iou_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/evaluation/iou_test.py -------------------------------------------------------------------------------- /official/vision/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/losses/__init__.py -------------------------------------------------------------------------------- /official/vision/losses/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/losses/focal_loss.py -------------------------------------------------------------------------------- /official/vision/losses/loss_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/losses/loss_utils.py -------------------------------------------------------------------------------- /official/vision/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/modeling/__init__.py -------------------------------------------------------------------------------- /official/vision/modeling/decoders/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/modeling/decoders/fpn.py -------------------------------------------------------------------------------- /official/vision/modeling/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/modeling/factory.py -------------------------------------------------------------------------------- /official/vision/modeling/factory_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/modeling/factory_3d.py -------------------------------------------------------------------------------- /official/vision/modeling/factory_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/modeling/factory_test.py -------------------------------------------------------------------------------- /official/vision/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/__init__.py -------------------------------------------------------------------------------- /official/vision/ops/anchor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/anchor.py -------------------------------------------------------------------------------- /official/vision/ops/anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/anchor_generator.py -------------------------------------------------------------------------------- /official/vision/ops/anchor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/anchor_test.py -------------------------------------------------------------------------------- /official/vision/ops/augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/augment.py -------------------------------------------------------------------------------- /official/vision/ops/augment_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/augment_test.py -------------------------------------------------------------------------------- /official/vision/ops/box_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/box_matcher.py -------------------------------------------------------------------------------- /official/vision/ops/box_matcher_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/box_matcher_test.py -------------------------------------------------------------------------------- /official/vision/ops/box_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/box_ops.py -------------------------------------------------------------------------------- /official/vision/ops/iou_similarity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/iou_similarity.py -------------------------------------------------------------------------------- /official/vision/ops/mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/mask_ops.py -------------------------------------------------------------------------------- /official/vision/ops/mask_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/mask_ops_test.py -------------------------------------------------------------------------------- /official/vision/ops/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/nms.py -------------------------------------------------------------------------------- /official/vision/ops/preprocess_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/preprocess_ops.py -------------------------------------------------------------------------------- /official/vision/ops/preprocess_ops_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/preprocess_ops_3d.py -------------------------------------------------------------------------------- /official/vision/ops/sampling_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/sampling_ops.py -------------------------------------------------------------------------------- /official/vision/ops/target_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/ops/target_gather.py -------------------------------------------------------------------------------- /official/vision/registry_imports.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/registry_imports.py -------------------------------------------------------------------------------- /official/vision/serving/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/serving/__init__.py -------------------------------------------------------------------------------- /official/vision/serving/detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/serving/detection.py -------------------------------------------------------------------------------- /official/vision/serving/export_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/serving/export_base.py -------------------------------------------------------------------------------- /official/vision/serving/export_tfhub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/serving/export_tfhub.py -------------------------------------------------------------------------------- /official/vision/serving/export_tflite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/serving/export_tflite.py -------------------------------------------------------------------------------- /official/vision/serving/export_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/serving/export_utils.py -------------------------------------------------------------------------------- /official/vision/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/tasks/__init__.py -------------------------------------------------------------------------------- /official/vision/tasks/maskrcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/tasks/maskrcnn.py -------------------------------------------------------------------------------- /official/vision/tasks/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/tasks/retinanet.py -------------------------------------------------------------------------------- /official/vision/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/train.py -------------------------------------------------------------------------------- /official/vision/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/utils/__init__.py -------------------------------------------------------------------------------- /official/vision/utils/ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/utils/ops_test.py -------------------------------------------------------------------------------- /official/vision/utils/summary_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/official/vision/utils/summary_manager.py -------------------------------------------------------------------------------- /orbit/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/LICENSE -------------------------------------------------------------------------------- /orbit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/README.md -------------------------------------------------------------------------------- /orbit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/__init__.py -------------------------------------------------------------------------------- /orbit/actions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/actions/__init__.py -------------------------------------------------------------------------------- /orbit/actions/conditional_action.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/actions/conditional_action.py -------------------------------------------------------------------------------- /orbit/actions/conditional_action_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/actions/conditional_action_test.py -------------------------------------------------------------------------------- /orbit/actions/export_saved_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/actions/export_saved_model.py -------------------------------------------------------------------------------- /orbit/actions/export_saved_model_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/actions/export_saved_model_test.py -------------------------------------------------------------------------------- /orbit/actions/new_best_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/actions/new_best_metric.py -------------------------------------------------------------------------------- /orbit/actions/new_best_metric_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/actions/new_best_metric_test.py -------------------------------------------------------------------------------- /orbit/controller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/controller.py -------------------------------------------------------------------------------- /orbit/controller_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/controller_test.py -------------------------------------------------------------------------------- /orbit/examples/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/examples/__init__.py -------------------------------------------------------------------------------- /orbit/examples/single_task/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/examples/single_task/__init__.py -------------------------------------------------------------------------------- /orbit/runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/runner.py -------------------------------------------------------------------------------- /orbit/standard_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/standard_runner.py -------------------------------------------------------------------------------- /orbit/standard_runner_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/standard_runner_test.py -------------------------------------------------------------------------------- /orbit/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/__init__.py -------------------------------------------------------------------------------- /orbit/utils/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/common.py -------------------------------------------------------------------------------- /orbit/utils/common_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/common_test.py -------------------------------------------------------------------------------- /orbit/utils/epoch_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/epoch_helper.py -------------------------------------------------------------------------------- /orbit/utils/loop_fns.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/loop_fns.py -------------------------------------------------------------------------------- /orbit/utils/summary_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/summary_manager.py -------------------------------------------------------------------------------- /orbit/utils/summary_manager_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/summary_manager_interface.py -------------------------------------------------------------------------------- /orbit/utils/tpu_summaries.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/tpu_summaries.py -------------------------------------------------------------------------------- /orbit/utils/tpu_summaries_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/orbit/utils/tpu_summaries_test.py -------------------------------------------------------------------------------- /research/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/README.md -------------------------------------------------------------------------------- /research/adversarial_text/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/README.md -------------------------------------------------------------------------------- /research/adversarial_text/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/adversarial_text/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/adversarial_text/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/evaluate.py -------------------------------------------------------------------------------- /research/adversarial_text/gen_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/gen_data.py -------------------------------------------------------------------------------- /research/adversarial_text/gen_vocab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/gen_vocab.py -------------------------------------------------------------------------------- /research/adversarial_text/graphs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/graphs.py -------------------------------------------------------------------------------- /research/adversarial_text/graphs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/graphs_test.py -------------------------------------------------------------------------------- /research/adversarial_text/inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/inputs.py -------------------------------------------------------------------------------- /research/adversarial_text/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/layers.py -------------------------------------------------------------------------------- /research/adversarial_text/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/pretrain.py -------------------------------------------------------------------------------- /research/adversarial_text/train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/adversarial_text/train_utils.py -------------------------------------------------------------------------------- /research/attention_ocr/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/attention_ocr/README.md -------------------------------------------------------------------------------- /research/attention_ocr/python/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/attention_ocr/python/eval.py -------------------------------------------------------------------------------- /research/attention_ocr/python/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/attention_ocr/python/metrics.py -------------------------------------------------------------------------------- /research/attention_ocr/python/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/attention_ocr/python/model.py -------------------------------------------------------------------------------- /research/attention_ocr/python/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/attention_ocr/python/train.py -------------------------------------------------------------------------------- /research/attention_ocr/python/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/attention_ocr/python/utils.py -------------------------------------------------------------------------------- /research/audioset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/README.md -------------------------------------------------------------------------------- /research/audioset/vggish/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/vggish/README.md -------------------------------------------------------------------------------- /research/audioset/vggish/mel_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/vggish/mel_features.py -------------------------------------------------------------------------------- /research/audioset/vggish/vggish_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/vggish/vggish_input.py -------------------------------------------------------------------------------- /research/audioset/vggish/vggish_slim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/vggish/vggish_slim.py -------------------------------------------------------------------------------- /research/audioset/yamnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/yamnet/README.md -------------------------------------------------------------------------------- /research/audioset/yamnet/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/yamnet/export.py -------------------------------------------------------------------------------- /research/audioset/yamnet/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/yamnet/features.py -------------------------------------------------------------------------------- /research/audioset/yamnet/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/yamnet/inference.py -------------------------------------------------------------------------------- /research/audioset/yamnet/params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/yamnet/params.py -------------------------------------------------------------------------------- /research/audioset/yamnet/yamnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/yamnet/yamnet.py -------------------------------------------------------------------------------- /research/audioset/yamnet/yamnet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/audioset/yamnet/yamnet_test.py -------------------------------------------------------------------------------- /research/autoaugment/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/README.md -------------------------------------------------------------------------------- /research/autoaugment/custom_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/custom_ops.py -------------------------------------------------------------------------------- /research/autoaugment/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/data_utils.py -------------------------------------------------------------------------------- /research/autoaugment/helper_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/helper_utils.py -------------------------------------------------------------------------------- /research/autoaugment/policies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/policies.py -------------------------------------------------------------------------------- /research/autoaugment/shake_drop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/shake_drop.py -------------------------------------------------------------------------------- /research/autoaugment/shake_shake.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/shake_shake.py -------------------------------------------------------------------------------- /research/autoaugment/train_cifar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/train_cifar.py -------------------------------------------------------------------------------- /research/autoaugment/wrn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/autoaugment/wrn.py -------------------------------------------------------------------------------- /research/cognitive_planning/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cognitive_planning/BUILD -------------------------------------------------------------------------------- /research/cognitive_planning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cognitive_planning/README.md -------------------------------------------------------------------------------- /research/cognitive_planning/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cognitive_planning/command: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cognitive_planning/command -------------------------------------------------------------------------------- /research/cognitive_planning/embedders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cognitive_planning/embedders.py -------------------------------------------------------------------------------- /research/cognitive_planning/envs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cognitive_planning/envs/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cognitive_planning/envs/util.py -------------------------------------------------------------------------------- /research/cognitive_planning/policies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cognitive_planning/policies.py -------------------------------------------------------------------------------- /research/cognitive_planning/preprocessing/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/cognitive_planning/tasks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cognitive_planning/tasks.py -------------------------------------------------------------------------------- /research/cvt_text/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/README.md -------------------------------------------------------------------------------- /research/cvt_text/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cvt_text/base/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cvt_text/base/configure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/base/configure.py -------------------------------------------------------------------------------- /research/cvt_text/base/embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/base/embeddings.py -------------------------------------------------------------------------------- /research/cvt_text/base/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/base/utils.py -------------------------------------------------------------------------------- /research/cvt_text/corpus_processing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cvt_text/cvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/cvt.py -------------------------------------------------------------------------------- /research/cvt_text/fetch_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/fetch_data.sh -------------------------------------------------------------------------------- /research/cvt_text/model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cvt_text/model/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/model/encoder.py -------------------------------------------------------------------------------- /research/cvt_text/model/model_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/model/model_helpers.py -------------------------------------------------------------------------------- /research/cvt_text/model/shared_inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/model/shared_inputs.py -------------------------------------------------------------------------------- /research/cvt_text/model/task_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/model/task_module.py -------------------------------------------------------------------------------- /research/cvt_text/preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/preprocessing.py -------------------------------------------------------------------------------- /research/cvt_text/task_specific/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cvt_text/task_specific/word_level/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cvt_text/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/cvt_text/training/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/cvt_text/training/trainer.py -------------------------------------------------------------------------------- /research/deep_speech/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/README.md -------------------------------------------------------------------------------- /research/deep_speech/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/deep_speech/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/deep_speech/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/data/dataset.py -------------------------------------------------------------------------------- /research/deep_speech/data/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/data/download.py -------------------------------------------------------------------------------- /research/deep_speech/data/featurizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/data/featurizer.py -------------------------------------------------------------------------------- /research/deep_speech/data/vocabulary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/data/vocabulary.txt -------------------------------------------------------------------------------- /research/deep_speech/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/decoder.py -------------------------------------------------------------------------------- /research/deep_speech/deep_speech.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/deep_speech.py -------------------------------------------------------------------------------- /research/deep_speech/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/requirements.txt -------------------------------------------------------------------------------- /research/deep_speech/run_deep_speech.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deep_speech/run_deep_speech.sh -------------------------------------------------------------------------------- /research/deeplab/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/README.md -------------------------------------------------------------------------------- /research/deeplab/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/deeplab/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/common.py -------------------------------------------------------------------------------- /research/deeplab/common_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/common_test.py -------------------------------------------------------------------------------- /research/deeplab/convert_to_tflite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/convert_to_tflite.py -------------------------------------------------------------------------------- /research/deeplab/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/deeplab/core/conv2d_ws.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/conv2d_ws.py -------------------------------------------------------------------------------- /research/deeplab/core/conv2d_ws_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/conv2d_ws_test.py -------------------------------------------------------------------------------- /research/deeplab/core/nas_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/nas_cell.py -------------------------------------------------------------------------------- /research/deeplab/core/nas_genotypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/nas_genotypes.py -------------------------------------------------------------------------------- /research/deeplab/core/nas_network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/nas_network.py -------------------------------------------------------------------------------- /research/deeplab/core/resnet_v1_beta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/resnet_v1_beta.py -------------------------------------------------------------------------------- /research/deeplab/core/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/utils.py -------------------------------------------------------------------------------- /research/deeplab/core/utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/utils_test.py -------------------------------------------------------------------------------- /research/deeplab/core/xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/xception.py -------------------------------------------------------------------------------- /research/deeplab/core/xception_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/core/xception_test.py -------------------------------------------------------------------------------- /research/deeplab/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/deeplab/datasets/build_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/datasets/build_data.py -------------------------------------------------------------------------------- /research/deeplab/deeplab_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/deeplab_demo.ipynb -------------------------------------------------------------------------------- /research/deeplab/deprecated/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/deeplab/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/eval.py -------------------------------------------------------------------------------- /research/deeplab/evaluation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/evaluation/README.md -------------------------------------------------------------------------------- /research/deeplab/evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/deeplab/export_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/export_model.py -------------------------------------------------------------------------------- /research/deeplab/g3doc/ade20k.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/ade20k.md -------------------------------------------------------------------------------- /research/deeplab/g3doc/cityscapes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/cityscapes.md -------------------------------------------------------------------------------- /research/deeplab/g3doc/export_model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/export_model.md -------------------------------------------------------------------------------- /research/deeplab/g3doc/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/faq.md -------------------------------------------------------------------------------- /research/deeplab/g3doc/img/image1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/img/image1.jpg -------------------------------------------------------------------------------- /research/deeplab/g3doc/img/image2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/img/image2.jpg -------------------------------------------------------------------------------- /research/deeplab/g3doc/img/image3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/img/image3.jpg -------------------------------------------------------------------------------- /research/deeplab/g3doc/img/vis1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/img/vis1.png -------------------------------------------------------------------------------- /research/deeplab/g3doc/img/vis2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/img/vis2.png -------------------------------------------------------------------------------- /research/deeplab/g3doc/img/vis3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/img/vis3.png -------------------------------------------------------------------------------- /research/deeplab/g3doc/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/installation.md -------------------------------------------------------------------------------- /research/deeplab/g3doc/model_zoo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/model_zoo.md -------------------------------------------------------------------------------- /research/deeplab/g3doc/pascal.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/pascal.md -------------------------------------------------------------------------------- /research/deeplab/g3doc/quantize.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/g3doc/quantize.md -------------------------------------------------------------------------------- /research/deeplab/input_preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/input_preprocess.py -------------------------------------------------------------------------------- /research/deeplab/local_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/local_test.sh -------------------------------------------------------------------------------- /research/deeplab/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/model.py -------------------------------------------------------------------------------- /research/deeplab/model_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/model_test.py -------------------------------------------------------------------------------- /research/deeplab/testing/info.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/testing/info.md -------------------------------------------------------------------------------- /research/deeplab/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/train.py -------------------------------------------------------------------------------- /research/deeplab/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/deeplab/utils/train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/utils/train_utils.py -------------------------------------------------------------------------------- /research/deeplab/vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/deeplab/vis.py -------------------------------------------------------------------------------- /research/delf/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/.gitignore -------------------------------------------------------------------------------- /research/delf/DETECTION.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/DETECTION.md -------------------------------------------------------------------------------- /research/delf/EXTRACTION_MATCHING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/EXTRACTION_MATCHING.md -------------------------------------------------------------------------------- /research/delf/INSTALL_INSTRUCTIONS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/INSTALL_INSTRUCTIONS.md -------------------------------------------------------------------------------- /research/delf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/README.md -------------------------------------------------------------------------------- /research/delf/delf/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/__init__.py -------------------------------------------------------------------------------- /research/delf/delf/protos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/delf/delf/protos/box.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/protos/box.proto -------------------------------------------------------------------------------- /research/delf/delf/protos/datum.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/protos/datum.proto -------------------------------------------------------------------------------- /research/delf/delf/protos/feature.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/protos/feature.proto -------------------------------------------------------------------------------- /research/delf/delf/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/delf/delf/python/box_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/python/box_io.py -------------------------------------------------------------------------------- /research/delf/delf/python/box_io_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/python/box_io_test.py -------------------------------------------------------------------------------- /research/delf/delf/python/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/delf/delf/python/datum_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/python/datum_io.py -------------------------------------------------------------------------------- /research/delf/delf/python/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/delf/delf/python/feature_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/python/feature_io.py -------------------------------------------------------------------------------- /research/delf/delf/python/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/python/utils.py -------------------------------------------------------------------------------- /research/delf/delf/python/utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/python/utils_test.py -------------------------------------------------------------------------------- /research/delf/delf/python/whiten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/python/whiten.py -------------------------------------------------------------------------------- /research/delf/delf/python/whiten_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/delf/python/whiten_test.py -------------------------------------------------------------------------------- /research/delf/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/delf/setup.py -------------------------------------------------------------------------------- /research/efficient-hrl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/README.md -------------------------------------------------------------------------------- /research/efficient-hrl/agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/agent.py -------------------------------------------------------------------------------- /research/efficient-hrl/agents/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/efficient-hrl/cond_fn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/cond_fn.py -------------------------------------------------------------------------------- /research/efficient-hrl/context/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/efficient-hrl/environments/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/efficient-hrl/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/eval.py -------------------------------------------------------------------------------- /research/efficient-hrl/run_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/run_env.py -------------------------------------------------------------------------------- /research/efficient-hrl/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/run_eval.py -------------------------------------------------------------------------------- /research/efficient-hrl/run_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/run_train.py -------------------------------------------------------------------------------- /research/efficient-hrl/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/train.py -------------------------------------------------------------------------------- /research/efficient-hrl/train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/train_utils.py -------------------------------------------------------------------------------- /research/efficient-hrl/utils/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/efficient-hrl/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/efficient-hrl/utils/utils.py -------------------------------------------------------------------------------- /research/lfads/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lfads/README.md -------------------------------------------------------------------------------- /research/lfads/distributions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lfads/distributions.py -------------------------------------------------------------------------------- /research/lfads/lfads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lfads/lfads.py -------------------------------------------------------------------------------- /research/lfads/plot_lfads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lfads/plot_lfads.py -------------------------------------------------------------------------------- /research/lfads/run_lfads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lfads/run_lfads.py -------------------------------------------------------------------------------- /research/lfads/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lfads/utils.py -------------------------------------------------------------------------------- /research/lstm_object_detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lstm_object_detection/README.md -------------------------------------------------------------------------------- /research/lstm_object_detection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/lstm_object_detection/builders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/lstm_object_detection/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lstm_object_detection/eval.py -------------------------------------------------------------------------------- /research/lstm_object_detection/inputs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/lstm_object_detection/lstm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/lstm_object_detection/meta_architectures/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/lstm_object_detection/metrics/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/lstm_object_detection/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/lstm_object_detection/protos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/lstm_object_detection/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/lstm_object_detection/train.py -------------------------------------------------------------------------------- /research/lstm_object_detection/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/marco/Automated_Marco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/marco/Automated_Marco.py -------------------------------------------------------------------------------- /research/marco/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/marco/README.md -------------------------------------------------------------------------------- /research/marco/jpeg2json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/marco/jpeg2json.py -------------------------------------------------------------------------------- /research/marco/request.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/marco/request.json -------------------------------------------------------------------------------- /research/nst_blogpost/wave_turtle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/nst_blogpost/wave_turtle.png -------------------------------------------------------------------------------- /research/object_detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/README.md -------------------------------------------------------------------------------- /research/object_detection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/anchor_generators/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/box_coders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/builders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/core/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/object_detection/core/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/core/losses.py -------------------------------------------------------------------------------- /research/object_detection/core/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/core/model.py -------------------------------------------------------------------------------- /research/object_detection/data_decoders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/dataset_tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/dataset_tools/context_rcnn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/eval_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/eval_util.py -------------------------------------------------------------------------------- /research/object_detection/exporter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/exporter.py -------------------------------------------------------------------------------- /research/object_detection/g3doc/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/g3doc/faq.md -------------------------------------------------------------------------------- /research/object_detection/g3doc/tf1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/g3doc/tf1.md -------------------------------------------------------------------------------- /research/object_detection/g3doc/tf2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/g3doc/tf2.md -------------------------------------------------------------------------------- /research/object_detection/inference/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/inputs.py -------------------------------------------------------------------------------- /research/object_detection/inputs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/inputs_test.py -------------------------------------------------------------------------------- /research/object_detection/legacy/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/legacy/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/legacy/eval.py -------------------------------------------------------------------------------- /research/object_detection/matchers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/meta_architectures/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/metrics/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/model_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/model_lib.py -------------------------------------------------------------------------------- /research/object_detection/model_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/model_main.py -------------------------------------------------------------------------------- /research/object_detection/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/models/keras_models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/predictors/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/predictors/heads/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/protos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/tpu_exporters/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/object_detection/tpu_exporters/testdata/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/object_detection/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/object_detection/utils/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/object_detection/utils/ops.py -------------------------------------------------------------------------------- /research/pcl_rl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/README.md -------------------------------------------------------------------------------- /research/pcl_rl/baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/baseline.py -------------------------------------------------------------------------------- /research/pcl_rl/controller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/controller.py -------------------------------------------------------------------------------- /research/pcl_rl/env_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/env_spec.py -------------------------------------------------------------------------------- /research/pcl_rl/expert_paths.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/expert_paths.py -------------------------------------------------------------------------------- /research/pcl_rl/gym_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/gym_wrapper.py -------------------------------------------------------------------------------- /research/pcl_rl/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/model.py -------------------------------------------------------------------------------- /research/pcl_rl/objective.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/objective.py -------------------------------------------------------------------------------- /research/pcl_rl/optimizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/optimizers.py -------------------------------------------------------------------------------- /research/pcl_rl/policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/policy.py -------------------------------------------------------------------------------- /research/pcl_rl/replay_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/replay_buffer.py -------------------------------------------------------------------------------- /research/pcl_rl/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/trainer.py -------------------------------------------------------------------------------- /research/pcl_rl/trust_region.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/pcl_rl/trust_region.py -------------------------------------------------------------------------------- /research/rebar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/rebar/README.md -------------------------------------------------------------------------------- /research/rebar/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/rebar/config.py -------------------------------------------------------------------------------- /research/rebar/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/rebar/datasets.py -------------------------------------------------------------------------------- /research/rebar/download_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/rebar/download_data.py -------------------------------------------------------------------------------- /research/rebar/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/rebar/logger.py -------------------------------------------------------------------------------- /research/rebar/rebar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/rebar/rebar.py -------------------------------------------------------------------------------- /research/rebar/rebar_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/rebar/rebar_train.py -------------------------------------------------------------------------------- /research/rebar/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/rebar/utils.py -------------------------------------------------------------------------------- /research/seq_flow_lite/.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/.bazelrc -------------------------------------------------------------------------------- /research/seq_flow_lite/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/BUILD -------------------------------------------------------------------------------- /research/seq_flow_lite/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/CONTRIBUTING.md -------------------------------------------------------------------------------- /research/seq_flow_lite/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/README.md -------------------------------------------------------------------------------- /research/seq_flow_lite/WORKSPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/WORKSPACE -------------------------------------------------------------------------------- /research/seq_flow_lite/demo/colab/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/demo/colab/BUILD -------------------------------------------------------------------------------- /research/seq_flow_lite/demo/prado/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/demo/prado/BUILD -------------------------------------------------------------------------------- /research/seq_flow_lite/layers/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/layers/BUILD -------------------------------------------------------------------------------- /research/seq_flow_lite/models/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/models/BUILD -------------------------------------------------------------------------------- /research/seq_flow_lite/models/pqrnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/models/pqrnn.py -------------------------------------------------------------------------------- /research/seq_flow_lite/models/prado.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/models/prado.py -------------------------------------------------------------------------------- /research/seq_flow_lite/models/sgnn/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/models/sgnn/BUILD -------------------------------------------------------------------------------- /research/seq_flow_lite/tf_ops/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/tf_ops/BUILD -------------------------------------------------------------------------------- /research/seq_flow_lite/tf_ops/repo.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/tf_ops/repo.bzl -------------------------------------------------------------------------------- /research/seq_flow_lite/tflite_ops/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/tflite_ops/BUILD -------------------------------------------------------------------------------- /research/seq_flow_lite/third_party/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) 2 | -------------------------------------------------------------------------------- /research/seq_flow_lite/third_party/android/BUILD: -------------------------------------------------------------------------------- 1 | # Placeholder to make bazel treat it as a package. 2 | -------------------------------------------------------------------------------- /research/seq_flow_lite/third_party/android/android_configure.BUILD.tpl: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/seq_flow_lite/third_party/py/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/seq_flow_lite/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/trainer.py -------------------------------------------------------------------------------- /research/seq_flow_lite/trainer_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/trainer_v2.py -------------------------------------------------------------------------------- /research/seq_flow_lite/utils/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/seq_flow_lite/utils/BUILD -------------------------------------------------------------------------------- /research/slim/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/BUILD -------------------------------------------------------------------------------- /research/slim/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/README.md -------------------------------------------------------------------------------- /research/slim/WORKSPACE: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/slim/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/slim/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/slim/datasets/cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/datasets/cifar10.py -------------------------------------------------------------------------------- /research/slim/datasets/dataset_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/datasets/dataset_utils.py -------------------------------------------------------------------------------- /research/slim/datasets/flowers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/datasets/flowers.py -------------------------------------------------------------------------------- /research/slim/datasets/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/datasets/imagenet.py -------------------------------------------------------------------------------- /research/slim/datasets/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/datasets/mnist.py -------------------------------------------------------------------------------- /research/slim/deployment/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/slim/deployment/model_deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/deployment/model_deploy.py -------------------------------------------------------------------------------- /research/slim/eval_image_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/eval_image_classifier.py -------------------------------------------------------------------------------- /research/slim/export_inference_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/export_inference_graph.py -------------------------------------------------------------------------------- /research/slim/nets/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/slim/nets/alexnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/alexnet.py -------------------------------------------------------------------------------- /research/slim/nets/alexnet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/alexnet_test.py -------------------------------------------------------------------------------- /research/slim/nets/cifarnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/cifarnet.py -------------------------------------------------------------------------------- /research/slim/nets/cyclegan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/cyclegan.py -------------------------------------------------------------------------------- /research/slim/nets/cyclegan_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/cyclegan_test.py -------------------------------------------------------------------------------- /research/slim/nets/dcgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/dcgan.py -------------------------------------------------------------------------------- /research/slim/nets/dcgan_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/dcgan_test.py -------------------------------------------------------------------------------- /research/slim/nets/i3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/i3d.py -------------------------------------------------------------------------------- /research/slim/nets/i3d_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/i3d_test.py -------------------------------------------------------------------------------- /research/slim/nets/i3d_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/i3d_utils.py -------------------------------------------------------------------------------- /research/slim/nets/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception.py -------------------------------------------------------------------------------- /research/slim/nets/inception_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_utils.py -------------------------------------------------------------------------------- /research/slim/nets/inception_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_v1.py -------------------------------------------------------------------------------- /research/slim/nets/inception_v1_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_v1_test.py -------------------------------------------------------------------------------- /research/slim/nets/inception_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_v2.py -------------------------------------------------------------------------------- /research/slim/nets/inception_v2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_v2_test.py -------------------------------------------------------------------------------- /research/slim/nets/inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_v3.py -------------------------------------------------------------------------------- /research/slim/nets/inception_v3_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_v3_test.py -------------------------------------------------------------------------------- /research/slim/nets/inception_v4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_v4.py -------------------------------------------------------------------------------- /research/slim/nets/inception_v4_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/inception_v4_test.py -------------------------------------------------------------------------------- /research/slim/nets/lenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/lenet.py -------------------------------------------------------------------------------- /research/slim/nets/mobilenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/mobilenet/README.md -------------------------------------------------------------------------------- /research/slim/nets/mobilenet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /research/slim/nets/mobilenet_v1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/mobilenet_v1.md -------------------------------------------------------------------------------- /research/slim/nets/mobilenet_v1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/mobilenet_v1.png -------------------------------------------------------------------------------- /research/slim/nets/mobilenet_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/mobilenet_v1.py -------------------------------------------------------------------------------- /research/slim/nets/mobilenet_v1_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/mobilenet_v1_eval.py -------------------------------------------------------------------------------- /research/slim/nets/mobilenet_v1_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/mobilenet_v1_test.py -------------------------------------------------------------------------------- /research/slim/nets/mobilenet_v1_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/mobilenet_v1_train.py -------------------------------------------------------------------------------- /research/slim/nets/nasnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/nasnet/README.md -------------------------------------------------------------------------------- /research/slim/nets/nasnet/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/slim/nets/nasnet/nasnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/nasnet/nasnet.py -------------------------------------------------------------------------------- /research/slim/nets/nasnet/nasnet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/nasnet/nasnet_test.py -------------------------------------------------------------------------------- /research/slim/nets/nasnet/pnasnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/nasnet/pnasnet.py -------------------------------------------------------------------------------- /research/slim/nets/nets_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/nets_factory.py -------------------------------------------------------------------------------- /research/slim/nets/nets_factory_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/nets_factory_test.py -------------------------------------------------------------------------------- /research/slim/nets/overfeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/overfeat.py -------------------------------------------------------------------------------- /research/slim/nets/overfeat_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/overfeat_test.py -------------------------------------------------------------------------------- /research/slim/nets/pix2pix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/pix2pix.py -------------------------------------------------------------------------------- /research/slim/nets/pix2pix_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/pix2pix_test.py -------------------------------------------------------------------------------- /research/slim/nets/resnet_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/resnet_utils.py -------------------------------------------------------------------------------- /research/slim/nets/resnet_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/resnet_v1.py -------------------------------------------------------------------------------- /research/slim/nets/resnet_v1_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/resnet_v1_test.py -------------------------------------------------------------------------------- /research/slim/nets/resnet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/resnet_v2.py -------------------------------------------------------------------------------- /research/slim/nets/resnet_v2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/resnet_v2_test.py -------------------------------------------------------------------------------- /research/slim/nets/s3dg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/s3dg.py -------------------------------------------------------------------------------- /research/slim/nets/s3dg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/s3dg_test.py -------------------------------------------------------------------------------- /research/slim/nets/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/vgg.py -------------------------------------------------------------------------------- /research/slim/nets/vgg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/nets/vgg_test.py -------------------------------------------------------------------------------- /research/slim/preprocessing/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /research/slim/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/setup.py -------------------------------------------------------------------------------- /research/slim/slim_walkthrough.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/slim_walkthrough.ipynb -------------------------------------------------------------------------------- /research/slim/train_image_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/slim/train_image_classifier.py -------------------------------------------------------------------------------- /research/vid2depth/.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/.bazelrc -------------------------------------------------------------------------------- /research/vid2depth/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/BUILD -------------------------------------------------------------------------------- /research/vid2depth/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/README.md -------------------------------------------------------------------------------- /research/vid2depth/WORKSPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/WORKSPACE -------------------------------------------------------------------------------- /research/vid2depth/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/dataset/__init__.py -------------------------------------------------------------------------------- /research/vid2depth/dataset/gen_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/dataset/gen_data.py -------------------------------------------------------------------------------- /research/vid2depth/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/inference.py -------------------------------------------------------------------------------- /research/vid2depth/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/model.py -------------------------------------------------------------------------------- /research/vid2depth/nets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/nets.py -------------------------------------------------------------------------------- /research/vid2depth/ops/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/BUILD -------------------------------------------------------------------------------- /research/vid2depth/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/__init__.py -------------------------------------------------------------------------------- /research/vid2depth/ops/icp_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/icp_grad.py -------------------------------------------------------------------------------- /research/vid2depth/ops/icp_grad_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/icp_grad_test.py -------------------------------------------------------------------------------- /research/vid2depth/ops/icp_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/icp_op.py -------------------------------------------------------------------------------- /research/vid2depth/ops/icp_op_kernel.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/icp_op_kernel.cc -------------------------------------------------------------------------------- /research/vid2depth/ops/icp_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/icp_test.py -------------------------------------------------------------------------------- /research/vid2depth/ops/icp_train_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/icp_train_demo.py -------------------------------------------------------------------------------- /research/vid2depth/ops/icp_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/icp_util.py -------------------------------------------------------------------------------- /research/vid2depth/ops/pcl_demo.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/ops/pcl_demo.cc -------------------------------------------------------------------------------- /research/vid2depth/project.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/project.py -------------------------------------------------------------------------------- /research/vid2depth/reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/reader.py -------------------------------------------------------------------------------- /research/vid2depth/repo.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/repo.bzl -------------------------------------------------------------------------------- /research/vid2depth/third_party/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | -------------------------------------------------------------------------------- /research/vid2depth/third_party/pcl.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/third_party/pcl.BUILD -------------------------------------------------------------------------------- /research/vid2depth/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/train.py -------------------------------------------------------------------------------- /research/vid2depth/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/research/vid2depth/util.py -------------------------------------------------------------------------------- /tensorflow_models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/tensorflow_models/__init__.py -------------------------------------------------------------------------------- /tensorflow_models/nlp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/tensorflow_models/nlp/__init__.py -------------------------------------------------------------------------------- /tensorflow_models/vision/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/models/HEAD/tensorflow_models/vision/__init__.py --------------------------------------------------------------------------------