├── .gitignore ├── README.md ├── mxnet ├── bert-large │ ├── gluon-nlp │ │ ├── .coveragerc │ │ ├── .github │ │ │ ├── ISSUE_TEMPLATE │ │ │ │ ├── bug_report.md │ │ │ │ └── feature_request.md │ │ │ └── PULL_REQUEST_TEMPLATE.md │ │ ├── .gitignore │ │ ├── .gitmodules │ │ ├── .pylintrc │ │ ├── CODEOWNERS │ │ ├── CODE_OF_CONDUCT.md │ │ ├── CONTRIBUTING.md │ │ ├── LICENSE │ │ ├── MANIFEST.in │ │ ├── Makefile │ │ ├── README.rst │ │ ├── ci │ │ │ ├── batch │ │ │ │ ├── docker │ │ │ │ │ ├── Dockerfile │ │ │ │ │ └── gluon_nlp_job.sh │ │ │ │ ├── submit-job.py │ │ │ │ └── wait-job.py │ │ │ ├── codecov.sh │ │ │ ├── jenkins │ │ │ │ ├── Jenkinsfile_py3-master_cpu_unittest │ │ │ │ ├── Jenkinsfile_py3-master_gpu_doc │ │ │ │ ├── Jenkinsfile_py3-master_gpu_integration │ │ │ │ ├── Jenkinsfile_py3-master_gpu_unittest │ │ │ │ ├── Jenkinsfile_py3_cpu_unittest │ │ │ │ ├── Jenkinsfile_py3_gpu_integration │ │ │ │ ├── Jenkinsfile_py3_gpu_unittest │ │ │ │ ├── build_steps.groovy │ │ │ │ └── utils.groovy │ │ │ ├── prepare_clean_env.sh │ │ │ ├── rat │ │ │ │ └── rat-excludes │ │ │ └── upload_doc.sh │ │ ├── codecov.yml │ │ ├── conftest.py │ │ ├── contributor.rst │ │ ├── docs │ │ │ ├── .gitignore │ │ │ ├── .nojekyll │ │ │ ├── 404.rst │ │ │ ├── Doxyfile │ │ │ ├── Makefile │ │ │ ├── README.txt │ │ │ ├── _static │ │ │ │ ├── 404.jpg │ │ │ │ ├── gluon-logo.svg │ │ │ │ ├── gluon.ico │ │ │ │ ├── gluon_black.png │ │ │ │ └── google_analytics.js │ │ │ ├── api │ │ │ │ ├── index.rst │ │ │ │ ├── modules │ │ │ │ │ ├── data.batchify.rst │ │ │ │ │ ├── data.rst │ │ │ │ │ ├── embedding.rst │ │ │ │ │ ├── index.rst │ │ │ │ │ ├── initializer.rst │ │ │ │ │ ├── loss.rst │ │ │ │ │ ├── model.rst │ │ │ │ │ ├── model.train.rst │ │ │ │ │ ├── optimizer.rst │ │ │ │ │ ├── utils.rst │ │ │ │ │ └── vocab.rst │ │ │ │ └── notes │ │ │ │ │ ├── data_api.rst │ │ │ │ │ ├── images │ │ │ │ │ ├── fixed_bucket_strategy_ratio0.0.png │ │ │ │ │ ├── fixed_bucket_strategy_ratio0.7.png │ │ │ │ │ ├── no_bucket_strategy.png │ │ │ │ │ └── sorted_bucket_strategy.png │ │ │ │ │ ├── index.rst │ │ │ │ │ └── vocab_emb.rst │ │ │ ├── community │ │ │ │ ├── contribute.rst │ │ │ │ ├── index.rst │ │ │ │ └── release.rst │ │ │ ├── conf.py │ │ │ ├── examples │ │ │ │ ├── index.rst │ │ │ │ ├── language_model │ │ │ │ │ ├── cache_model.png │ │ │ │ │ ├── language_model.md │ │ │ │ │ └── language_model_intro.png │ │ │ │ ├── machine_translation │ │ │ │ │ ├── dataprocessor.py │ │ │ │ │ ├── gnmt.md │ │ │ │ │ ├── hyperparameters.py │ │ │ │ │ ├── nmt │ │ │ │ │ ├── transformer.md │ │ │ │ │ ├── transformer.png │ │ │ │ │ └── utils.py │ │ │ │ ├── sentence_embedding │ │ │ │ │ ├── Bi-LSTM-Rep.png │ │ │ │ │ ├── attention-nlp.png │ │ │ │ │ ├── bert │ │ │ │ │ ├── bert-embed.png │ │ │ │ │ ├── bert-sentence-pair.png │ │ │ │ │ ├── bert.md │ │ │ │ │ ├── bert.png │ │ │ │ │ ├── dev.tsv │ │ │ │ │ ├── elmo_sentence_representation.md │ │ │ │ │ ├── self_attentive_sentence_embedding.md │ │ │ │ │ └── sentences.json │ │ │ │ ├── sentiment_analysis │ │ │ │ │ ├── samodel-v3.png │ │ │ │ │ └── sentiment_analysis.md │ │ │ │ ├── sequence_sampling │ │ │ │ │ └── sequence_sampling.md │ │ │ │ └── word_embedding │ │ │ │ │ ├── data.py │ │ │ │ │ ├── model.py │ │ │ │ │ ├── utils.py │ │ │ │ │ ├── word_embedding.md │ │ │ │ │ └── word_embedding_training.md │ │ │ ├── genindex.rst │ │ │ ├── index.rst │ │ │ ├── install.rst │ │ │ ├── md2ipynb.py │ │ │ ├── model_zoo │ │ │ └── model_zoo.rst │ │ ├── examples │ │ ├── pytest.ini │ │ ├── scripts │ │ │ ├── __init__.py │ │ │ ├── bert │ │ │ │ ├── __init__.py │ │ │ │ ├── bert_qa_evaluate.py │ │ │ │ ├── cmd.sh │ │ │ │ ├── conversion_tools │ │ │ │ │ ├── compare_gluon_ernie.py │ │ │ │ │ ├── compare_tf_gluon_model.py │ │ │ │ │ ├── convert_fairseq_model.py │ │ │ │ │ ├── convert_paddle_to_gluon.py │ │ │ │ │ ├── convert_pytorch_model.py │ │ │ │ │ ├── convert_tf_model.py │ │ │ │ │ ├── ernie_top_layer_emb.npy │ │ │ │ │ ├── infer_pytorch_gluon_parameter_name_mapping.py │ │ │ │ │ ├── input.txt │ │ │ │ │ ├── input_cn.txt │ │ │ │ │ └── utils.py │ │ │ │ ├── create_pretraining_data.py │ │ │ │ ├── data │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── baidu_ernie_data.py │ │ │ │ │ ├── classification.py │ │ │ │ │ ├── dataloader.py │ │ │ │ │ ├── embedding.py │ │ │ │ │ ├── ner.py │ │ │ │ │ ├── pretrain.py │ │ │ │ │ ├── qa.py │ │ │ │ │ └── transform.py │ │ │ │ ├── embedding.py │ │ │ │ ├── export.py │ │ │ │ ├── finetune_classifier.py │ │ │ │ ├── finetune_icsl.py │ │ │ │ ├── finetune_ner.py │ │ │ │ ├── finetune_squad.py │ │ │ │ ├── fp16_utils.py │ │ │ │ ├── hvd.sh │ │ │ │ ├── index.rst │ │ │ │ ├── kvstore.sh │ │ │ │ ├── model │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── ner.py │ │ │ │ │ └── qa.py │ │ │ │ ├── mul-hvd.sh │ │ │ │ ├── ner_utils.py │ │ │ │ ├── ompi_bind_DGX1.sh │ │ │ │ ├── predict_ner.py │ │ │ │ ├── pretraining_utils.py │ │ │ │ ├── run_bps.sh │ │ │ │ ├── run_pretraining.py │ │ │ │ ├── sample_text.txt │ │ │ │ └── utils.py │ │ │ ├── index.rst │ │ │ ├── language_model │ │ │ │ ├── __init__.py │ │ │ │ ├── cache_language_model.py │ │ │ │ ├── conversion_utils │ │ │ │ │ ├── compare_pytorch_gluon_model.py │ │ │ │ │ ├── convert_transformer_xl.py │ │ │ │ │ └── utils.py │ │ │ │ ├── index.rst │ │ │ │ ├── large_word_language_model.py │ │ │ │ ├── sampler.py │ │ │ │ ├── transformer │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── attention_cell.py │ │ │ │ │ ├── embedding.py │ │ │ │ │ ├── model.py │ │ │ │ │ ├── softmax.py │ │ │ │ │ └── transformer.py │ │ │ │ ├── transformer_xl.py │ │ │ │ └── word_language_model.py │ │ │ ├── machine_translation │ │ │ │ ├── __init__.py │ │ │ │ ├── _constants.py │ │ │ │ ├── bleu.py │ │ │ │ ├── dataprocessor.py │ │ │ │ ├── dataset.py │ │ │ │ ├── gnmt.py │ │ │ │ ├── hyperparameters.py │ │ │ │ ├── index.rst │ │ │ │ ├── inference_transformer.py │ │ │ │ ├── train_gnmt.py │ │ │ │ ├── train_transformer.py │ │ │ │ ├── translation.py │ │ │ │ └── utils.py │ │ │ ├── natural_language_inference │ │ │ │ ├── dataset.py │ │ │ │ ├── decomposable_attention.py │ │ │ │ ├── esim.py │ │ │ │ ├── index.rst │ │ │ │ ├── main.py │ │ │ │ ├── preprocess.py │ │ │ │ └── utils.py │ │ │ ├── parsing │ │ │ │ ├── __init__.py │ │ │ │ ├── common │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── config.py │ │ │ │ │ ├── data.py │ │ │ │ │ ├── exponential_scheduler.py │ │ │ │ │ ├── k_means.py │ │ │ │ │ ├── savable.py │ │ │ │ │ ├── tarjan.py │ │ │ │ │ └── utils.py │ │ │ │ ├── index.rst │ │ │ │ └── parser │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── biaffine_parser.py │ │ │ │ │ ├── dep_parser.py │ │ │ │ │ └── evaluate │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── evaluate.py │ │ │ ├── question_answering │ │ │ │ ├── __init__.py │ │ │ │ ├── data_pipeline.py │ │ │ │ └── utils.py │ │ │ ├── sentiment_analysis │ │ │ │ ├── __init__.py │ │ │ │ ├── finetune_lm.py │ │ │ │ ├── index.rst │ │ │ │ ├── process_data.py │ │ │ │ ├── sentiment_analysis_cnn.py │ │ │ │ └── text_cnn.py │ │ │ ├── tests │ │ │ │ ├── __init__.py │ │ │ │ ├── conftest.py │ │ │ │ ├── multi-bleu-detok.perl │ │ │ │ ├── multi-bleu.perl │ │ │ │ ├── test_bert_dataset_transform.py │ │ │ │ ├── test_bert_embedding.py │ │ │ │ ├── test_bleu.py │ │ │ │ ├── test_dataprocessor.py │ │ │ │ ├── test_encoder_decoder.py │ │ │ │ ├── test_models.py │ │ │ │ ├── test_question_answering.py │ │ │ │ ├── test_references.txt │ │ │ │ ├── test_sampler.py │ │ │ │ ├── test_sanity.py │ │ │ │ ├── test_scripts.py │ │ │ │ ├── test_transformer_xl.py │ │ │ │ ├── test_translations.txt │ │ │ │ └── word_embeddings │ │ │ │ │ └── glove │ │ │ │ │ ├── cooccurrences.npz │ │ │ │ │ └── vocab.txt │ │ │ ├── text_classification │ │ │ │ ├── fasttext_word_ngram.py │ │ │ │ └── index.rst │ │ │ ├── text_generation │ │ │ │ ├── __init__.py │ │ │ │ ├── index.rst │ │ │ │ ├── model │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── gpt.py │ │ │ │ └── sequence_sampling.py │ │ │ └── word_embeddings │ │ │ │ ├── data.py │ │ │ │ ├── evaluate_pretrained.py │ │ │ │ ├── evaluation.py │ │ │ │ ├── executors.py │ │ │ │ ├── extract_vocab.py │ │ │ │ ├── index.rst │ │ │ │ ├── model.py │ │ │ │ ├── run_all.sh │ │ │ │ ├── tools │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── cooccur.cc │ │ │ │ ├── utils.h │ │ │ │ └── vocab_count.cc │ │ │ │ ├── train_glove.py │ │ │ │ ├── train_sg_cbow.py │ │ │ │ └── utils.py │ │ ├── setup.py │ │ ├── src │ │ │ └── gluonnlp │ │ │ │ ├── __init__.py │ │ │ │ ├── _constants.py │ │ │ │ ├── base.py │ │ │ │ ├── data │ │ │ │ ├── __init__.py │ │ │ │ ├── batchify │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── batchify.py │ │ │ │ │ ├── embedding.py │ │ │ │ │ └── language_model.py │ │ │ │ ├── candidate_sampler.py │ │ │ │ ├── conll.py │ │ │ │ ├── corpora │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── google_billion_word.py │ │ │ │ │ ├── large_text_compression_benchmark.py │ │ │ │ │ └── wikitext.py │ │ │ │ ├── dataloader.py │ │ │ │ ├── dataset.py │ │ │ │ ├── glue.py │ │ │ │ ├── intent_slot.py │ │ │ │ ├── question_answering.py │ │ │ │ ├── registry.py │ │ │ │ ├── sampler.py │ │ │ │ ├── sentiment.py │ │ │ │ ├── stream.py │ │ │ │ ├── transforms.py │ │ │ │ ├── translation.py │ │ │ │ ├── utils.py │ │ │ │ └── word_embedding_evaluation.py │ │ │ │ ├── embedding │ │ │ │ ├── __init__.py │ │ │ │ ├── evaluation.py │ │ │ │ └── token_embedding.py │ │ │ │ ├── initializer │ │ │ │ ├── __init__.py │ │ │ │ └── initializer.py │ │ │ │ ├── loss │ │ │ │ ├── __init__.py │ │ │ │ ├── activation_regularizer.py │ │ │ │ ├── label_smoothing.py │ │ │ │ └── loss.py │ │ │ │ ├── metric │ │ │ │ ├── __init__.py │ │ │ │ └── masked_accuracy.py │ │ │ │ ├── model │ │ │ │ ├── __init__.py │ │ │ │ ├── attention_cell.py │ │ │ │ ├── bert.py │ │ │ │ ├── bilm_encoder.py │ │ │ │ ├── block.py │ │ │ │ ├── convolutional_encoder.py │ │ │ │ ├── elmo.py │ │ │ │ ├── highway.py │ │ │ │ ├── language_model.py │ │ │ │ ├── lstmpcellwithclip.py │ │ │ │ ├── parameter.py │ │ │ │ ├── sampled_block.py │ │ │ │ ├── seq2seq_encoder_decoder.py │ │ │ │ ├── sequence_sampler.py │ │ │ │ ├── train │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── cache.py │ │ │ │ │ ├── embedding.py │ │ │ │ │ └── language_model.py │ │ │ │ ├── transformer.py │ │ │ │ ├── translation.py │ │ │ │ └── utils.py │ │ │ │ ├── optimizer │ │ │ │ ├── __init__.py │ │ │ │ ├── bert_adam.py │ │ │ │ └── lamb.py │ │ │ │ ├── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── files.py │ │ │ │ ├── parallel.py │ │ │ │ ├── parameter.py │ │ │ │ └── version.py │ │ │ │ └── vocab │ │ │ │ ├── __init__.py │ │ │ │ ├── bert.py │ │ │ │ ├── elmo.py │ │ │ │ ├── subwords.py │ │ │ │ └── vocab.py │ │ ├── tests │ │ │ └── unittest │ │ │ │ ├── batchify │ │ │ │ ├── test_batchify.py │ │ │ │ ├── test_batchify_embedding.py │ │ │ │ └── test_batchify_language_model.py │ │ │ │ ├── conftest.py │ │ │ │ ├── corpora │ │ │ │ ├── test_gbw.py │ │ │ │ ├── test_large_text_compression_benchmark.py │ │ │ │ └── test_wikitext.py │ │ │ │ ├── test_attention_cell.py │ │ │ │ ├── test_bertvocab.py │ │ │ │ ├── test_bilm_encoder.py │ │ │ │ ├── test_candidate_sampler.py │ │ │ │ ├── test_convolutional_encoder.py │ │ │ │ ├── test_datasets.py │ │ │ │ ├── test_elmo.py │ │ │ │ ├── test_highway.py │ │ │ │ ├── test_initializer.py │ │ │ │ ├── test_lamb.py │ │ │ │ ├── test_loss.py │ │ │ │ ├── test_lstmpcellwithclip.py │ │ │ │ ├── test_metrics.py │ │ │ │ ├── test_models.py │ │ │ │ ├── test_optimizer.py │ │ │ │ ├── test_pytest.py │ │ │ │ ├── test_sampled_logits.py │ │ │ │ ├── test_sampler.py │ │ │ │ ├── test_sanity.py │ │ │ │ ├── test_sequence_sampler.py │ │ │ │ ├── test_stream.py │ │ │ │ ├── test_token_embedding.py │ │ │ │ ├── test_transforms.py │ │ │ │ ├── test_utils.py │ │ │ │ ├── test_vocab_embed.py │ │ │ │ └── train │ │ │ │ ├── test_dataloader.py │ │ │ │ ├── test_embedding.py │ │ │ │ └── test_embedding │ │ │ │ ├── lorem_ipsum.bin │ │ │ │ ├── lorem_ipsum.vec │ │ │ │ ├── lorem_ipsum_w2v.bin │ │ │ │ └── lorem_ipsum_w2v.vec │ │ └── tools │ │ │ ├── diagnose.py │ │ │ └── plot_bucketing_strategies.py │ └── run.sh └── vgg-16 │ ├── common │ ├── __init__.py │ ├── data.py │ ├── data_byteps.py │ ├── find_mxnet.py │ ├── fit.py │ ├── fit_byteps.py │ ├── modelzoo.py │ └── util.py │ ├── data │ ├── caltech256.sh │ └── imagenet1k-val.sh │ ├── run.sh │ ├── symbols │ ├── README.md │ ├── __init__.py │ ├── alexnet.py │ ├── googlenet.py │ ├── inception-bn.py │ ├── inception-resnet-v2.py │ ├── inception-v3.py │ ├── inception-v4.py │ ├── lenet.py │ ├── mlp.py │ ├── mobilenet.py │ ├── mobilenetv2.py │ ├── resnet-v1.py │ ├── resnet.py │ ├── resnetv1.py │ ├── resnext.py │ └── vgg.py │ └── train_imagenet.py ├── osdi20ae.pdf ├── pytorch ├── gpt-2 │ ├── README.md │ ├── gpt-2 │ │ ├── .circleci │ │ │ ├── config.yml │ │ │ └── deploy.sh │ │ ├── .coveragerc │ │ ├── .github │ │ │ ├── ISSUE_TEMPLATE │ │ │ │ ├── ---new-benchmark.md │ │ │ │ ├── --new-model-addition.md │ │ │ │ ├── bug-report.md │ │ │ │ ├── feature-request.md │ │ │ │ ├── migration.md │ │ │ │ └── question-help.md │ │ │ └── stale.yml │ │ ├── .gitignore │ │ ├── CONTRIBUTING.md │ │ ├── LICENSE │ │ ├── MANIFEST.in │ │ ├── Makefile │ │ ├── README.md │ │ ├── deploy_multi_version_doc.sh │ │ ├── docker │ │ │ └── Dockerfile │ │ ├── docs │ │ │ ├── Makefile │ │ │ ├── README.md │ │ │ └── source │ │ │ │ ├── _static │ │ │ │ ├── css │ │ │ │ │ ├── Calibre-Light.ttf │ │ │ │ │ ├── Calibre-Medium.otf │ │ │ │ │ ├── Calibre-Regular.otf │ │ │ │ │ ├── Calibre-Thin.otf │ │ │ │ │ ├── code-snippets.css │ │ │ │ │ └── huggingface.css │ │ │ │ └── js │ │ │ │ │ ├── custom.js │ │ │ │ │ └── huggingface_logo.svg │ │ │ │ ├── benchmarks.md │ │ │ │ ├── bertology.rst │ │ │ │ ├── conf.py │ │ │ │ ├── converting_tensorflow_models.rst │ │ │ │ ├── examples.md │ │ │ │ ├── glossary.rst │ │ │ │ ├── imgs │ │ │ │ ├── transformers_logo_name.png │ │ │ │ ├── warmup_constant_schedule.png │ │ │ │ ├── warmup_cosine_hard_restarts_schedule.png │ │ │ │ ├── warmup_cosine_schedule.png │ │ │ │ ├── warmup_cosine_warm_restarts_schedule.png │ │ │ │ └── warmup_linear_schedule.png │ │ │ │ ├── index.rst │ │ │ │ ├── installation.md │ │ │ │ ├── main_classes │ │ │ │ ├── configuration.rst │ │ │ │ ├── model.rst │ │ │ │ ├── optimizer_schedules.rst │ │ │ │ ├── processors.rst │ │ │ │ └── tokenizer.rst │ │ │ │ ├── migration.md │ │ │ │ ├── model_doc │ │ │ │ ├── albert.rst │ │ │ │ ├── auto.rst │ │ │ │ ├── bert.rst │ │ │ │ ├── camembert.rst │ │ │ │ ├── ctrl.rst │ │ │ │ ├── distilbert.rst │ │ │ │ ├── flaubert.rst │ │ │ │ ├── gpt.rst │ │ │ │ ├── gpt2.rst │ │ │ │ ├── roberta.rst │ │ │ │ ├── transformerxl.rst │ │ │ │ ├── xlm.rst │ │ │ │ ├── xlmroberta.rst │ │ │ │ └── xlnet.rst │ │ │ │ ├── model_sharing.md │ │ │ │ ├── multilingual.rst │ │ │ │ ├── notebooks.rst │ │ │ │ ├── pretrained_models.rst │ │ │ │ ├── quickstart.md │ │ │ │ ├── serialization.rst │ │ │ │ └── torchscript.rst │ │ ├── examples │ │ │ ├── README.md │ │ │ ├── benchmarks.py │ │ │ ├── contrib │ │ │ │ ├── README.md │ │ │ │ ├── run_camembert.py │ │ │ │ ├── run_openai_gpt.py │ │ │ │ ├── run_swag.py │ │ │ │ └── run_transfo_xl.py │ │ │ ├── distillation │ │ │ │ ├── README.md │ │ │ │ ├── distiller.py │ │ │ │ ├── grouped_batch_sampler.py │ │ │ │ ├── lm_seqs_dataset.py │ │ │ │ ├── requirements.txt │ │ │ │ ├── run_squad_w_distillation.py │ │ │ │ ├── scripts │ │ │ │ │ ├── binarized_data.py │ │ │ │ │ ├── extract.py │ │ │ │ │ ├── extract_distilbert.py │ │ │ │ │ └── token_counts.py │ │ │ │ ├── train.py │ │ │ │ ├── training_configs │ │ │ │ │ ├── distilbert-base-multilingual-cased.json │ │ │ │ │ ├── distilbert-base-uncased.json │ │ │ │ │ ├── distilgpt2.json │ │ │ │ │ └── distilroberta-base.json │ │ │ │ └── utils.py │ │ │ ├── hans │ │ │ │ ├── hans_processors.py │ │ │ │ ├── test_hans.py │ │ │ │ └── utils_hans.py │ │ │ ├── mm-imdb │ │ │ │ ├── run_mmimdb.py │ │ │ │ └── utils_mmimdb.py │ │ │ ├── pplm │ │ │ │ ├── README.md │ │ │ │ ├── imgs │ │ │ │ │ ├── headfigure.png │ │ │ │ │ └── wooly.png │ │ │ │ ├── pplm_classification_head.py │ │ │ │ ├── run_pplm.py │ │ │ │ └── run_pplm_discrim_train.py │ │ │ ├── requirements.txt │ │ │ ├── run_bertology.py │ │ │ ├── run_generation.py │ │ │ ├── run_glue.py │ │ │ ├── run_lm_finetuning.py │ │ │ ├── run_lm_finetuning_bps.py │ │ │ ├── run_multiple_choice.py │ │ │ ├── run_ner.py │ │ │ ├── run_squad.py │ │ │ ├── run_tf_glue.py │ │ │ ├── run_tf_ner.py │ │ │ ├── run_xnli.py │ │ │ ├── summarization │ │ │ │ ├── README.md │ │ │ │ ├── configuration_bertabs.py │ │ │ │ ├── convert_bertabs_original_pytorch_checkpoint.py │ │ │ │ ├── modeling_bertabs.py │ │ │ │ ├── requirements.txt │ │ │ │ ├── run_summarization.py │ │ │ │ ├── test_utils_summarization.py │ │ │ │ └── utils_summarization.py │ │ │ ├── test_examples.py │ │ │ ├── tests_samples │ │ │ │ ├── .gitignore │ │ │ │ ├── MRPC │ │ │ │ │ ├── dev.tsv │ │ │ │ │ └── train.tsv │ │ │ │ └── SQUAD │ │ │ │ │ ├── dev-v2.0.json │ │ │ │ │ └── train-v2.0.json │ │ │ ├── utils_multiple_choice.py │ │ │ └── utils_ner.py │ │ ├── hubconf.py │ │ ├── notebooks │ │ │ ├── Comparing-PT-and-TF-models.ipynb │ │ │ ├── Comparing-TF-and-PT-models-MLM-NSP.ipynb │ │ │ ├── Comparing-TF-and-PT-models-SQuAD.ipynb │ │ │ └── Comparing-TF-and-PT-models.ipynb │ │ ├── setup.cfg │ │ ├── setup.py │ │ ├── src │ │ │ └── transformers │ │ │ │ ├── __init__.py │ │ │ │ ├── commands │ │ │ │ ├── __init__.py │ │ │ │ ├── convert.py │ │ │ │ ├── download.py │ │ │ │ ├── run.py │ │ │ │ ├── serving.py │ │ │ │ ├── train.py │ │ │ │ └── user.py │ │ │ │ ├── configuration_albert.py │ │ │ │ ├── configuration_auto.py │ │ │ │ ├── configuration_bert.py │ │ │ │ ├── configuration_camembert.py │ │ │ │ ├── configuration_ctrl.py │ │ │ │ ├── configuration_distilbert.py │ │ │ │ ├── configuration_flaubert.py │ │ │ │ ├── configuration_gpt2.py │ │ │ │ ├── configuration_mmbt.py │ │ │ │ ├── configuration_openai.py │ │ │ │ ├── configuration_roberta.py │ │ │ │ ├── configuration_t5.py │ │ │ │ ├── configuration_transfo_xl.py │ │ │ │ ├── configuration_utils.py │ │ │ │ ├── configuration_xlm.py │ │ │ │ ├── configuration_xlm_roberta.py │ │ │ │ ├── configuration_xlnet.py │ │ │ │ ├── convert_albert_original_tf_checkpoint_to_pytorch.py │ │ │ │ ├── convert_bert_original_tf_checkpoint_to_pytorch.py │ │ │ │ ├── convert_bert_pytorch_checkpoint_to_original_tf.py │ │ │ │ ├── convert_gpt2_original_tf_checkpoint_to_pytorch.py │ │ │ │ ├── convert_openai_original_tf_checkpoint_to_pytorch.py │ │ │ │ ├── convert_pytorch_checkpoint_to_tf2.py │ │ │ │ ├── convert_roberta_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ ├── convert_t5_original_tf_checkpoint_to_pytorch.py │ │ │ │ ├── convert_transfo_xl_original_tf_checkpoint_to_pytorch.py │ │ │ │ ├── convert_xlm_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ ├── convert_xlnet_original_tf_checkpoint_to_pytorch.py │ │ │ │ ├── data │ │ │ │ ├── __init__.py │ │ │ │ ├── metrics │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── squad_metrics.py │ │ │ │ └── processors │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── glue.py │ │ │ │ │ ├── squad.py │ │ │ │ │ ├── utils.py │ │ │ │ │ └── xnli.py │ │ │ │ ├── file_utils.py │ │ │ │ ├── hf_api.py │ │ │ │ ├── modelcard.py │ │ │ │ ├── modeling_albert.py │ │ │ │ ├── modeling_auto.py │ │ │ │ ├── modeling_bert.py │ │ │ │ ├── modeling_camembert.py │ │ │ │ ├── modeling_ctrl.py │ │ │ │ ├── modeling_distilbert.py │ │ │ │ ├── modeling_encoder_decoder.py │ │ │ │ ├── modeling_flaubert.py │ │ │ │ ├── modeling_gpt2.py │ │ │ │ ├── modeling_mmbt.py │ │ │ │ ├── modeling_openai.py │ │ │ │ ├── modeling_roberta.py │ │ │ │ ├── modeling_t5.py │ │ │ │ ├── modeling_tf_albert.py │ │ │ │ ├── modeling_tf_auto.py │ │ │ │ ├── modeling_tf_bert.py │ │ │ │ ├── modeling_tf_camembert.py │ │ │ │ ├── modeling_tf_ctrl.py │ │ │ │ ├── modeling_tf_distilbert.py │ │ │ │ ├── modeling_tf_gpt2.py │ │ │ │ ├── modeling_tf_openai.py │ │ │ │ ├── modeling_tf_pytorch_utils.py │ │ │ │ ├── modeling_tf_roberta.py │ │ │ │ ├── modeling_tf_t5.py │ │ │ │ ├── modeling_tf_transfo_xl.py │ │ │ │ ├── modeling_tf_transfo_xl_utilities.py │ │ │ │ ├── modeling_tf_utils.py │ │ │ │ ├── modeling_tf_xlm.py │ │ │ │ ├── modeling_tf_xlm_roberta.py │ │ │ │ ├── modeling_tf_xlnet.py │ │ │ │ ├── modeling_transfo_xl.py │ │ │ │ ├── modeling_transfo_xl_utilities.py │ │ │ │ ├── modeling_utils.py │ │ │ │ ├── modeling_xlm.py │ │ │ │ ├── modeling_xlm_roberta.py │ │ │ │ ├── modeling_xlnet.py │ │ │ │ ├── optimization.py │ │ │ │ ├── optimization_tf.py │ │ │ │ ├── pipelines.py │ │ │ │ ├── tokenization_albert.py │ │ │ │ ├── tokenization_auto.py │ │ │ │ ├── tokenization_bert.py │ │ │ │ ├── tokenization_bert_japanese.py │ │ │ │ ├── tokenization_camembert.py │ │ │ │ ├── tokenization_ctrl.py │ │ │ │ ├── tokenization_distilbert.py │ │ │ │ ├── tokenization_flaubert.py │ │ │ │ ├── tokenization_gpt2.py │ │ │ │ ├── tokenization_openai.py │ │ │ │ ├── tokenization_roberta.py │ │ │ │ ├── tokenization_t5.py │ │ │ │ ├── tokenization_transfo_xl.py │ │ │ │ ├── tokenization_utils.py │ │ │ │ ├── tokenization_xlm.py │ │ │ │ ├── tokenization_xlm_roberta.py │ │ │ │ └── tokenization_xlnet.py │ │ ├── templates │ │ │ ├── adding_a_new_example_script │ │ │ │ ├── README.md │ │ │ │ ├── run_xxx.py │ │ │ │ └── utils_xxx.py │ │ │ └── adding_a_new_model │ │ │ │ ├── README.md │ │ │ │ ├── configuration_xxx.py │ │ │ │ ├── convert_xxx_original_tf_checkpoint_to_pytorch.py │ │ │ │ ├── modeling_tf_xxx.py │ │ │ │ ├── modeling_xxx.py │ │ │ │ ├── tests │ │ │ │ ├── test_modeling_tf_xxx.py │ │ │ │ ├── test_modeling_xxx.py │ │ │ │ └── test_tokenization_xxx.py │ │ │ │ └── tokenization_xxx.py │ │ ├── tests │ │ │ ├── __init__.py │ │ │ ├── fixtures │ │ │ │ ├── dummy-config.json │ │ │ │ ├── empty.txt │ │ │ │ ├── input.txt │ │ │ │ ├── sample_text.txt │ │ │ │ └── test_sentencepiece.model │ │ │ ├── test_configuration_auto.py │ │ │ ├── test_configuration_common.py │ │ │ ├── test_doc_samples.py │ │ │ ├── test_hf_api.py │ │ │ ├── test_model_card.py │ │ │ ├── test_modeling_albert.py │ │ │ ├── test_modeling_auto.py │ │ │ ├── test_modeling_bert.py │ │ │ ├── test_modeling_common.py │ │ │ ├── test_modeling_ctrl.py │ │ │ ├── test_modeling_distilbert.py │ │ │ ├── test_modeling_encoder_decoder.py │ │ │ ├── test_modeling_gpt2.py │ │ │ ├── test_modeling_openai.py │ │ │ ├── test_modeling_roberta.py │ │ │ ├── test_modeling_t5.py │ │ │ ├── test_modeling_tf_albert.py │ │ │ ├── test_modeling_tf_auto.py │ │ │ ├── test_modeling_tf_bert.py │ │ │ ├── test_modeling_tf_common.py │ │ │ ├── test_modeling_tf_ctrl.py │ │ │ ├── test_modeling_tf_distilbert.py │ │ │ ├── test_modeling_tf_gpt2.py │ │ │ ├── test_modeling_tf_openai_gpt.py │ │ │ ├── test_modeling_tf_roberta.py │ │ │ ├── test_modeling_tf_t5.py │ │ │ ├── test_modeling_tf_transfo_xl.py │ │ │ ├── test_modeling_tf_xlm.py │ │ │ ├── test_modeling_tf_xlnet.py │ │ │ ├── test_modeling_transfo_xl.py │ │ │ ├── test_modeling_xlm.py │ │ │ ├── test_modeling_xlnet.py │ │ │ ├── test_optimization.py │ │ │ ├── test_optimization_tf.py │ │ │ ├── test_pipelines.py │ │ │ ├── test_tokenization_albert.py │ │ │ ├── test_tokenization_auto.py │ │ │ ├── test_tokenization_bert.py │ │ │ ├── test_tokenization_bert_japanese.py │ │ │ ├── test_tokenization_common.py │ │ │ ├── test_tokenization_ctrl.py │ │ │ ├── test_tokenization_distilbert.py │ │ │ ├── test_tokenization_gpt2.py │ │ │ ├── test_tokenization_openai.py │ │ │ ├── test_tokenization_roberta.py │ │ │ ├── test_tokenization_t5.py │ │ │ ├── test_tokenization_transfo_xl.py │ │ │ ├── test_tokenization_utils.py │ │ │ ├── test_tokenization_xlm.py │ │ │ ├── test_tokenization_xlnet.py │ │ │ └── utils.py │ │ ├── transformers-cli │ │ ├── utils │ │ │ ├── download_glue_data.py │ │ │ └── link_tester.py │ │ └── valohai.yaml │ └── run.sh └── ugatit │ ├── README.md │ ├── run.sh │ └── ugatit │ ├── .gitignore │ ├── LICENSE │ ├── README.md │ ├── UGATIT.py │ ├── assets │ ├── ablation.png │ ├── discriminator.png │ ├── generator.png │ ├── kid.png │ ├── teaser.png │ └── user_study.png │ ├── dataset.py │ ├── main.py │ ├── networks.py │ ├── requirements.txt │ └── utils.py └── tensorflow ├── resnet-50 ├── benchmark.py └── run.sh └── transformer ├── README.md ├── official ├── .gitignore ├── Dockerfile.cpu ├── Dockerfile.gpu ├── LICENSE ├── README-TPU.md ├── README.md ├── __init__.py ├── benchmark │ ├── __init__.py │ ├── benchmark_uploader.py │ ├── benchmark_uploader_main.py │ ├── benchmark_uploader_test.py │ ├── bert_benchmark.py │ ├── bert_benchmark_utils.py │ ├── bert_squad_benchmark.py │ ├── datastore │ │ └── schema │ │ │ ├── benchmark_metric.json │ │ │ ├── benchmark_run.json │ │ │ └── benchmark_run_status.json │ ├── keras_benchmark.py │ ├── keras_cifar_benchmark.py │ ├── keras_imagenet_benchmark.py │ ├── models │ │ ├── __init__.py │ │ └── trivial_model.py │ ├── ncf_keras_benchmark.py │ ├── resnet_ctl_imagenet_benchmark.py │ ├── retinanet_benchmark.py │ ├── squad_evaluate_v1_1.py │ ├── transformer_benchmark.py │ └── xlnet_benchmark.py ├── modeling │ ├── __init__.py │ ├── activations │ │ ├── __init__.py │ │ ├── gelu.py │ │ ├── gelu_test.py │ │ ├── swish.py │ │ └── swish_test.py │ ├── hyperparams │ │ ├── __init__.py │ │ ├── params_dict.py │ │ └── params_dict_test.py │ ├── model_training_utils.py │ ├── model_training_utils_test.py │ ├── tf_utils.py │ └── training │ │ ├── __init__.py │ │ └── distributed_executor.py ├── nlp │ ├── README.md │ ├── __init__.py │ ├── bert │ │ ├── README.md │ │ ├── __init__.py │ │ ├── bert_cloud_tpu.md │ │ ├── classifier_data_lib.py │ │ ├── common_flags.py │ │ ├── create_finetuning_data.py │ │ ├── create_pretraining_data.py │ │ ├── export_tfhub.py │ │ ├── export_tfhub_test.py │ │ ├── input_pipeline.py │ │ ├── model_saving_utils.py │ │ ├── run_classifier.py │ │ ├── run_pretraining.py │ │ ├── run_squad.py │ │ ├── squad_lib.py │ │ ├── squad_lib_sp.py │ │ ├── tf1_checkpoint_converter_lib.py │ │ ├── tf2_albert_encoder_checkpoint_converter.py │ │ ├── tf2_encoder_checkpoint_converter.py │ │ ├── tokenization.py │ │ └── tokenization_test.py │ ├── bert_modeling.py │ ├── bert_models.py │ ├── modeling │ │ ├── __init__.py │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── attention.py │ │ │ ├── attention_test.py │ │ │ ├── dense_einsum.py │ │ │ ├── dense_einsum_test.py │ │ │ ├── masked_softmax.py │ │ │ ├── masked_softmax_test.py │ │ │ ├── on_device_embedding.py │ │ │ ├── on_device_embedding_test.py │ │ │ ├── position_embedding.py │ │ │ ├── position_embedding_test.py │ │ │ ├── self_attention_mask.py │ │ │ ├── transformer.py │ │ │ ├── transformer_scaffold.py │ │ │ ├── transformer_scaffold_test.py │ │ │ └── transformer_test.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ ├── weighted_sparse_categorical_crossentropy.py │ │ │ └── weighted_sparse_categorical_crossentropy_test.py │ │ └── networks │ │ │ ├── __init__.py │ │ │ ├── albert_transformer_encoder.py │ │ │ ├── albert_transformer_encoder_test.py │ │ │ ├── bert_classifier.py │ │ │ ├── bert_classifier_test.py │ │ │ ├── bert_pretrainer.py │ │ │ ├── bert_pretrainer_test.py │ │ │ ├── bert_span_labeler.py │ │ │ ├── bert_span_labeler_test.py │ │ │ ├── classification.py │ │ │ ├── classification_test.py │ │ │ ├── encoder_scaffold.py │ │ │ ├── encoder_scaffold_test.py │ │ │ ├── masked_lm.py │ │ │ ├── masked_lm_test.py │ │ │ ├── span_labeling.py │ │ │ ├── span_labeling_test.py │ │ │ ├── transformer_encoder.py │ │ │ └── transformer_encoder_test.py │ ├── optimization.py │ ├── transformer │ │ ├── __init__.py │ │ ├── beam_search_v1.py │ │ ├── beam_search_v1_test.py │ │ ├── model_params.py │ │ ├── model_utils.py │ │ └── model_utils_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 │ │ └── xlnet_modeling_test.py ├── pip_package │ └── setup.py ├── r1 │ ├── __init__.py │ ├── boosted_trees │ │ ├── README.md │ │ ├── __init__.py │ │ ├── data_download.py │ │ ├── train_higgs.py │ │ ├── train_higgs_test.csv │ │ └── train_higgs_test.py │ ├── mnist │ │ ├── README.md │ │ ├── __init__.py │ │ ├── dataset.py │ │ ├── example3.png │ │ ├── example5.png │ │ ├── examples.npy │ │ ├── mnist.py │ │ ├── mnist_eager.py │ │ ├── mnist_eager_test.py │ │ ├── mnist_test.py │ │ └── mnist_tpu.py │ ├── resnet │ │ ├── README.md │ │ ├── __init__.py │ │ ├── cifar10_download_and_extract.py │ │ ├── cifar10_main.py │ │ ├── cifar10_test.py │ │ ├── estimator_benchmark.py │ │ ├── imagenet_main.py │ │ ├── imagenet_preprocessing.py │ │ ├── imagenet_test.py │ │ ├── layer_test.py │ │ ├── resnet_model.py │ │ └── resnet_run_loop.py │ ├── transformer │ │ ├── README.md │ │ ├── __init__.py │ │ ├── attention_layer.py │ │ ├── dataset.py │ │ ├── embedding_layer.py │ │ ├── ffn_layer.py │ │ ├── schedule.py │ │ ├── schedule_test.py │ │ ├── transformer.py │ │ ├── transformer_main.py │ │ └── translate.py │ ├── utils │ │ ├── __init__.py │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── file_io.py │ │ │ └── file_io_test.py │ │ ├── export.py │ │ ├── export_test.py │ │ ├── tpu.py │ │ └── tpu_test.py │ └── wide_deep │ │ ├── README.md │ │ ├── __init__.py │ │ ├── census_dataset.py │ │ ├── census_main.py │ │ ├── census_test.csv │ │ ├── census_test.py │ │ ├── movielens_dataset.py │ │ ├── movielens_main.py │ │ ├── movielens_test.py │ │ └── wide_deep_run_loop.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_estimator_main.py │ ├── ncf_input_pipeline.py │ ├── ncf_keras_main.py │ ├── ncf_test.py │ ├── neumf_model.py │ ├── popen_helper.py │ ├── run.sh │ ├── run_tpu.sh │ └── stat_utils.py ├── requirements.txt ├── staging │ ├── __init__.py │ └── shakespeare │ │ ├── README.md │ │ ├── __init__.py │ │ ├── shakespeare_benchmark.py │ │ └── shakespeare_main.py ├── transformer │ ├── README.md │ ├── __init__.py │ ├── compute_bleu.py │ ├── compute_bleu_test.py │ ├── data_download.py │ ├── utils │ │ ├── __init__.py │ │ ├── metrics.py │ │ ├── tokenizer.py │ │ └── tokenizer_test.py │ └── v2 │ │ ├── __init__.py │ │ ├── attention_layer.py │ │ ├── beam_search.py │ │ ├── data_pipeline.py │ │ ├── embedding_layer.py │ │ ├── ffn_layer.py │ │ ├── metrics.py │ │ ├── misc.py │ │ ├── optimizer.py │ │ ├── transformer.py │ │ ├── transformer_layers_test.py │ │ ├── transformer_main.py │ │ ├── transformer_main_test.py │ │ ├── transformer_test.py │ │ └── translate.py ├── utils │ ├── __init__.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 │ ├── logs │ │ ├── __init__.py │ │ ├── cloud_lib.py │ │ ├── cloud_lib_test.py │ │ ├── guidelines.md │ │ ├── hooks.py │ │ ├── hooks_helper.py │ │ ├── hooks_helper_test.py │ │ ├── hooks_test.py │ │ ├── logger.py │ │ ├── logger_test.py │ │ ├── metric_hook.py │ │ ├── metric_hook_test.py │ │ └── mlperf_helper.py │ ├── misc │ │ ├── __init__.py │ │ ├── callstack_sampler.py │ │ ├── distribution_utils.py │ │ ├── distribution_utils_test.py │ │ ├── keras_utils.py │ │ ├── model_helpers.py │ │ ├── model_helpers_test.py │ │ └── tpu_lib.py │ └── testing │ │ ├── __init__.py │ │ ├── benchmark_wrappers.py │ │ ├── integration.py │ │ ├── mock_lib.py │ │ ├── perfzero_benchmark.py │ │ ├── pylint.rcfile │ │ ├── reference_data.py │ │ ├── reference_data │ │ ├── reference_data_test │ │ │ ├── dense │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ └── uniform_random │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ └── resnet │ │ │ ├── batch-size-32_bottleneck_projection_version-1_width-8_channels-4 │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ │ ├── batch-size-32_bottleneck_projection_version-2_width-8_channels-4 │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ │ ├── batch-size-32_bottleneck_version-1_width-8_channels-4 │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ │ ├── batch-size-32_bottleneck_version-2_width-8_channels-4 │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ │ ├── batch-size-32_building_projection_version-1_width-8_channels-4 │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ │ ├── batch-size-32_building_projection_version-2_width-8_channels-4 │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ │ ├── batch-size-32_building_version-1_width-8_channels-4 │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ │ ├── batch-size-32_building_version-2_width-8_channels-4 │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ │ └── batch_norm │ │ │ ├── expected_graph │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ ├── results.json │ │ │ └── tf_version.json │ │ ├── reference_data_test.py │ │ └── scripts │ │ ├── builds_common.sh │ │ ├── ci_sanity.sh │ │ └── presubmit.sh └── vision │ ├── __init__.py │ ├── detection │ ├── README.md │ ├── __init__.py │ ├── configs │ │ ├── __init__.py │ │ ├── base_config.py │ │ ├── factory.py │ │ ├── maskrcnn_config.py │ │ └── retinanet_config.py │ ├── dataloader │ │ ├── __init__.py │ │ ├── anchor.py │ │ ├── factory.py │ │ ├── input_reader.py │ │ ├── maskrcnn_parser.py │ │ ├── mode_keys.py │ │ ├── retinanet_parser.py │ │ ├── shapemask_parser.py │ │ └── tf_example_decoder.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── coco_evaluator.py │ │ ├── coco_utils.py │ │ └── factory.py │ ├── executor │ │ ├── __init__.py │ │ └── detection_executor.py │ ├── main.py │ ├── modeling │ │ ├── __init__.py │ │ ├── architecture │ │ │ ├── __init__.py │ │ │ ├── factory.py │ │ │ ├── fpn.py │ │ │ ├── heads.py │ │ │ ├── identity.py │ │ │ ├── nn_ops.py │ │ │ └── resnet.py │ │ ├── base_model.py │ │ ├── checkpoint_utils.py │ │ ├── factory.py │ │ ├── learning_rates.py │ │ ├── losses.py │ │ └── retinanet_model.py │ ├── ops │ │ ├── nms.py │ │ ├── postprocess_ops.py │ │ ├── roi_ops.py │ │ ├── sampling_ops.py │ │ └── spatial_transform_ops.py │ └── utils │ │ ├── __init__.py │ │ ├── autoaugment_utils.py │ │ ├── box_utils.py │ │ ├── class_utils.py │ │ ├── dataloader_utils.py │ │ ├── input_utils.py │ │ ├── mask_utils.py │ │ └── object_detection │ │ ├── __init__.py │ │ ├── argmax_matcher.py │ │ ├── balanced_positive_negative_sampler.py │ │ ├── box_coder.py │ │ ├── box_list.py │ │ ├── box_list_ops.py │ │ ├── faster_rcnn_box_coder.py │ │ ├── matcher.py │ │ ├── minibatch_sampler.py │ │ ├── ops.py │ │ ├── preprocessor.py │ │ ├── region_similarity_calculator.py │ │ ├── shape_utils.py │ │ ├── target_assigner.py │ │ └── visualization_utils.py │ └── image_classification │ ├── README.md │ ├── __init__.py │ ├── cifar_preprocessing.py │ ├── common.py │ ├── common_test.py │ ├── imagenet_preprocessing.py │ ├── mnist_main.py │ ├── mnist_test.py │ ├── resnet_cifar_main.py │ ├── resnet_cifar_model.py │ ├── resnet_cifar_test.py │ ├── resnet_ctl_imagenet_main.py │ ├── resnet_ctl_imagenet_test.py │ ├── resnet_imagenet_main.py │ ├── resnet_imagenet_test.py │ ├── resnet_model.py │ └── tfhub_export.py └── run.sh /.gitignore: -------------------------------------------------------------------------------- 1 | .DS_Store -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/README.md -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/.coveragerc -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/.github/ISSUE_TEMPLATE/bug_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/.github/ISSUE_TEMPLATE/bug_report.md -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/.gitignore -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/.gitmodules -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/.pylintrc -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/CODEOWNERS -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/CONTRIBUTING.md -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/LICENSE -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/MANIFEST.in -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/Makefile -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/README.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/batch/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/batch/docker/Dockerfile -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/batch/docker/gluon_nlp_job.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/batch/docker/gluon_nlp_job.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/batch/submit-job.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/batch/submit-job.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/batch/wait-job.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/batch/wait-job.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/codecov.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/codecov.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/jenkins/Jenkinsfile_py3_cpu_unittest: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/jenkins/Jenkinsfile_py3_cpu_unittest -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/jenkins/Jenkinsfile_py3_gpu_unittest: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/jenkins/Jenkinsfile_py3_gpu_unittest -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/jenkins/build_steps.groovy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/jenkins/build_steps.groovy -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/jenkins/utils.groovy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/jenkins/utils.groovy -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/prepare_clean_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/prepare_clean_env.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/rat/rat-excludes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/rat/rat-excludes -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/ci/upload_doc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/ci/upload_doc.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/codecov.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/codecov.yml -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/conftest.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/contributor.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/contributor.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/.gitignore -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/.nojekyll: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/404.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/404.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/Doxyfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/Doxyfile -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/Makefile -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/README.txt -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/_static/404.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/_static/404.jpg -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/_static/gluon-logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/_static/gluon-logo.svg -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/_static/gluon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/_static/gluon.ico -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/_static/gluon_black.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/_static/gluon_black.png -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/_static/google_analytics.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/_static/google_analytics.js -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/data.batchify.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/data.batchify.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/data.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/embedding.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/embedding.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/initializer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/initializer.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/loss.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/loss.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/model.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/model.train.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/model.train.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/optimizer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/optimizer.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/utils.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/modules/vocab.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/modules/vocab.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/notes/data_api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/notes/data_api.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/notes/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/notes/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/api/notes/vocab_emb.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/api/notes/vocab_emb.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/community/contribute.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/community/contribute.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/community/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/community/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/community/release.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/community/release.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/conf.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/examples/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/examples/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/examples/machine_translation/nmt: -------------------------------------------------------------------------------- 1 | ../../model_zoo/machine_translation -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/examples/sentence_embedding/bert: -------------------------------------------------------------------------------- 1 | ../../../scripts/bert/ -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/examples/word_embedding/data.py: -------------------------------------------------------------------------------- 1 | ../../model_zoo/word_embeddings/data.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/examples/word_embedding/model.py: -------------------------------------------------------------------------------- 1 | ../../model_zoo/word_embeddings/model.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/examples/word_embedding/utils.py: -------------------------------------------------------------------------------- 1 | ../../model_zoo/word_embeddings/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/genindex.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/genindex.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/install.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/install.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/md2ipynb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/md2ipynb.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/model_zoo: -------------------------------------------------------------------------------- 1 | ../scripts -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/docs/model_zoo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/docs/model_zoo.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/examples: -------------------------------------------------------------------------------- 1 | docs/examples -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/pytest.ini -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/bert_qa_evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/bert_qa_evaluate.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/cmd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/cmd.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/conversion_tools/input.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/conversion_tools/input.txt -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/conversion_tools/input_cn.txt: -------------------------------------------------------------------------------- 1 | 这是百度的ERNIE模型 ||| 2 | -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/conversion_tools/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/conversion_tools/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/create_pretraining_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/create_pretraining_data.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/baidu_ernie_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/baidu_ernie_data.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/classification.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/dataloader.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/embedding.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/ner.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/pretrain.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/qa.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/data/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/data/transform.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/embedding.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/export.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/finetune_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/finetune_classifier.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/finetune_icsl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/finetune_icsl.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/finetune_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/finetune_ner.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/finetune_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/finetune_squad.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/fp16_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/fp16_utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/hvd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/hvd.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/kvstore.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/kvstore.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/model/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/model/ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/model/ner.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/model/qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/model/qa.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/mul-hvd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/mul-hvd.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/ner_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/ner_utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/ompi_bind_DGX1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/ompi_bind_DGX1.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/predict_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/predict_ner.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/pretraining_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/pretraining_utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/run_bps.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/run_bps.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/run_pretraining.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/sample_text.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/sample_text.txt -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/bert/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/bert/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/language_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/language_model/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/language_model/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/language_model/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/language_model/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/language_model/sampler.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/machine_translation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/machine_translation/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/machine_translation/bleu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/machine_translation/bleu.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/machine_translation/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/machine_translation/dataset.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/machine_translation/gnmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/machine_translation/gnmt.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/machine_translation/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/machine_translation/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/machine_translation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/machine_translation/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/common/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/common/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/common/config.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/common/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/common/data.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/common/k_means.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/common/k_means.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/common/savable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/common/savable.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/common/tarjan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/common/tarjan.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/common/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/common/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/parser/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/parser/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/parsing/parser/dep_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/parsing/parser/dep_parser.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/question_answering/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/question_answering/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/question_answering/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/question_answering/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/sentiment_analysis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/sentiment_analysis/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/sentiment_analysis/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/sentiment_analysis/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/sentiment_analysis/text_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/sentiment_analysis/text_cnn.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/conftest.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/multi-bleu-detok.perl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/multi-bleu-detok.perl -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/multi-bleu.perl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/multi-bleu.perl -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_bert_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_bert_embedding.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_bleu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_bleu.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_dataprocessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_dataprocessor.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_encoder_decoder.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_models.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_references.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_references.txt -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_sampler.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_sanity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_sanity.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_scripts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_scripts.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_transformer_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_transformer_xl.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/tests/test_translations.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/tests/test_translations.txt -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/text_classification/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/text_classification/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/text_generation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/text_generation/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/text_generation/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/text_generation/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/text_generation/model/gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/text_generation/model/gpt.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/data.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/evaluation.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/executors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/executors.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/index.rst -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/model.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/run_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/run_all.sh -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/tools/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/tools/utils.h -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/train_glove.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/train_glove.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/scripts/word_embeddings/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/scripts/word_embeddings/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/setup.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/_constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/_constants.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/base.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/batchify/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/batchify/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/batchify/batchify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/batchify/batchify.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/batchify/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/batchify/embedding.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/candidate_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/candidate_sampler.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/conll.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/conll.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/corpora/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/corpora/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/corpora/wikitext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/corpora/wikitext.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/dataloader.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/dataset.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/glue.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/intent_slot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/intent_slot.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/question_answering.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/registry.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/sampler.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/sentiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/sentiment.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/stream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/stream.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/transforms.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/translation.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/data/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/data/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/embedding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/embedding/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/embedding/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/embedding/evaluation.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/initializer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/initializer/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/initializer/initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/initializer/initializer.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/loss/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/loss/label_smoothing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/loss/label_smoothing.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/loss/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/loss/loss.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/metric/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/metric/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/metric/masked_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/metric/masked_accuracy.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/attention_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/attention_cell.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/bert.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/bilm_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/bilm_encoder.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/block.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/elmo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/elmo.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/highway.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/highway.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/language_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/language_model.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/lstmpcellwithclip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/lstmpcellwithclip.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/parameter.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/sampled_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/sampled_block.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/sequence_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/sequence_sampler.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/train/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/train/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/train/cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/train/cache.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/train/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/train/embedding.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/transformer.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/translation.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/model/utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/optimizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/optimizer/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/optimizer/bert_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/optimizer/bert_adam.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/optimizer/lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/optimizer/lamb.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/files.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/files.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/parallel.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/parameter.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/utils/version.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/__init__.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/bert.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/elmo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/elmo.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/subwords.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/subwords.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/vocab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/src/gluonnlp/vocab/vocab.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/conftest.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/corpora/test_gbw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/corpora/test_gbw.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/corpora/test_wikitext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/corpora/test_wikitext.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_attention_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_attention_cell.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_bertvocab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_bertvocab.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_bilm_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_bilm_encoder.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_datasets.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_elmo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_elmo.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_highway.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_highway.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_initializer.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_lamb.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_loss.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_metrics.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_models.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_optimizer.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_pytest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_pytest.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_sampled_logits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_sampled_logits.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_sampler.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_sanity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_sanity.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_sequence_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_sequence_sampler.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_stream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_stream.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_token_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_token_embedding.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_transforms.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_utils.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/test_vocab_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/test_vocab_embed.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/train/test_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/train/test_dataloader.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tests/unittest/train/test_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tests/unittest/train/test_embedding.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tools/diagnose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tools/diagnose.py -------------------------------------------------------------------------------- /mxnet/bert-large/gluon-nlp/tools/plot_bucketing_strategies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/gluon-nlp/tools/plot_bucketing_strategies.py -------------------------------------------------------------------------------- /mxnet/bert-large/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/bert-large/run.sh -------------------------------------------------------------------------------- /mxnet/vgg-16/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /mxnet/vgg-16/common/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/common/data.py -------------------------------------------------------------------------------- /mxnet/vgg-16/common/data_byteps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/common/data_byteps.py -------------------------------------------------------------------------------- /mxnet/vgg-16/common/find_mxnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/common/find_mxnet.py -------------------------------------------------------------------------------- /mxnet/vgg-16/common/fit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/common/fit.py -------------------------------------------------------------------------------- /mxnet/vgg-16/common/fit_byteps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/common/fit_byteps.py -------------------------------------------------------------------------------- /mxnet/vgg-16/common/modelzoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/common/modelzoo.py -------------------------------------------------------------------------------- /mxnet/vgg-16/common/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/common/util.py -------------------------------------------------------------------------------- /mxnet/vgg-16/data/caltech256.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/data/caltech256.sh -------------------------------------------------------------------------------- /mxnet/vgg-16/data/imagenet1k-val.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/data/imagenet1k-val.sh -------------------------------------------------------------------------------- /mxnet/vgg-16/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/run.sh -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/README.md -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/alexnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/alexnet.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/googlenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/googlenet.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/inception-bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/inception-bn.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/inception-resnet-v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/inception-resnet-v2.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/inception-v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/inception-v3.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/inception-v4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/inception-v4.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/lenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/lenet.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/mlp.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/mobilenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/mobilenet.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/mobilenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/mobilenetv2.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/resnet-v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/resnet-v1.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/resnet.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/resnetv1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/resnetv1.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/resnext.py -------------------------------------------------------------------------------- /mxnet/vgg-16/symbols/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/symbols/vgg.py -------------------------------------------------------------------------------- /mxnet/vgg-16/train_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/mxnet/vgg-16/train_imagenet.py -------------------------------------------------------------------------------- /osdi20ae.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/osdi20ae.pdf -------------------------------------------------------------------------------- /pytorch/gpt-2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.circleci/config.yml -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.circleci/deploy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.circleci/deploy.sh -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.coveragerc -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/---new-benchmark.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/---new-benchmark.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/--new-model-addition.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/--new-model-addition.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/bug-report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/bug-report.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/feature-request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/feature-request.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/migration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/migration.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/question-help.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.github/ISSUE_TEMPLATE/question-help.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.github/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.github/stale.yml -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/.gitignore -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/CONTRIBUTING.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/LICENSE -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include LICENSE 2 | -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/Makefile -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/deploy_multi_version_doc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/deploy_multi_version_doc.sh -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docker/Dockerfile -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/Makefile -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/_static/css/Calibre-Light.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/_static/css/Calibre-Light.ttf -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/_static/css/Calibre-Medium.otf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/_static/css/Calibre-Medium.otf -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/_static/css/Calibre-Regular.otf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/_static/css/Calibre-Regular.otf -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/_static/css/Calibre-Thin.otf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/_static/css/Calibre-Thin.otf -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/_static/css/code-snippets.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/_static/css/code-snippets.css -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/_static/css/huggingface.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/_static/css/huggingface.css -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/_static/js/custom.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/_static/js/custom.js -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/_static/js/huggingface_logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/_static/js/huggingface_logo.svg -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/benchmarks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/benchmarks.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/bertology.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/bertology.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/conf.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/converting_tensorflow_models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/converting_tensorflow_models.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/examples.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/glossary.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/glossary.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/imgs/transformers_logo_name.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/imgs/transformers_logo_name.png -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/imgs/warmup_constant_schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/imgs/warmup_constant_schedule.png -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/imgs/warmup_cosine_schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/imgs/warmup_cosine_schedule.png -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/imgs/warmup_linear_schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/imgs/warmup_linear_schedule.png -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/index.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/installation.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/main_classes/configuration.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/main_classes/configuration.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/main_classes/model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/main_classes/model.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/main_classes/processors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/main_classes/processors.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/main_classes/tokenizer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/main_classes/tokenizer.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/migration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/migration.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/albert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/albert.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/auto.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/auto.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/bert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/bert.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/camembert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/camembert.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/ctrl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/ctrl.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/distilbert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/distilbert.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/flaubert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/flaubert.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/gpt.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/gpt.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/gpt2.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/gpt2.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/roberta.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/roberta.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/transformerxl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/transformerxl.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/xlm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/xlm.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/xlmroberta.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/xlmroberta.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_doc/xlnet.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_doc/xlnet.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/model_sharing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/model_sharing.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/multilingual.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/multilingual.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/notebooks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/notebooks.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/pretrained_models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/pretrained_models.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/quickstart.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/quickstart.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/serialization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/serialization.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/docs/source/torchscript.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/docs/source/torchscript.rst -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/benchmarks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/benchmarks.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/contrib/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/contrib/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/contrib/run_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/contrib/run_camembert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/contrib/run_openai_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/contrib/run_openai_gpt.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/contrib/run_swag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/contrib/run_swag.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/contrib/run_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/contrib/run_transfo_xl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/distiller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/distiller.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/grouped_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/grouped_batch_sampler.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/lm_seqs_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/lm_seqs_dataset.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/requirements.txt -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/scripts/extract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/scripts/extract.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/scripts/token_counts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/scripts/token_counts.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/train.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/distillation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/distillation/utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/hans/hans_processors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/hans/hans_processors.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/hans/test_hans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/hans/test_hans.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/hans/utils_hans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/hans/utils_hans.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/mm-imdb/run_mmimdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/mm-imdb/run_mmimdb.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/mm-imdb/utils_mmimdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/mm-imdb/utils_mmimdb.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/pplm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/pplm/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/pplm/imgs/headfigure.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/pplm/imgs/headfigure.png -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/pplm/imgs/wooly.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/pplm/imgs/wooly.png -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/pplm/pplm_classification_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/pplm/pplm_classification_head.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/pplm/run_pplm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/pplm/run_pplm.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/pplm/run_pplm_discrim_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/pplm/run_pplm_discrim_train.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/requirements.txt -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_bertology.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_bertology.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_generation.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_glue.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_lm_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_lm_finetuning.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_lm_finetuning_bps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_lm_finetuning_bps.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_multiple_choice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_multiple_choice.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_ner.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_squad.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_tf_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_tf_glue.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_tf_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_tf_ner.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/run_xnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/run_xnli.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/summarization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/summarization/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/summarization/modeling_bertabs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/summarization/modeling_bertabs.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/summarization/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers 2 | 3 | # For ROUGE 4 | nltk 5 | py-rouge 6 | -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/summarization/run_summarization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/summarization/run_summarization.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/summarization/utils_summarization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/summarization/utils_summarization.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/test_examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/test_examples.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/tests_samples/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/tests_samples/.gitignore -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/tests_samples/MRPC/dev.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/tests_samples/MRPC/dev.tsv -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/tests_samples/MRPC/train.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/tests_samples/MRPC/train.tsv -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/tests_samples/SQUAD/dev-v2.0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/tests_samples/SQUAD/dev-v2.0.json -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/tests_samples/SQUAD/train-v2.0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/tests_samples/SQUAD/train-v2.0.json -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/utils_multiple_choice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/utils_multiple_choice.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/examples/utils_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/examples/utils_ner.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/hubconf.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/notebooks/Comparing-PT-and-TF-models.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/notebooks/Comparing-PT-and-TF-models.ipynb -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/notebooks/Comparing-TF-and-PT-models.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/notebooks/Comparing-TF-and-PT-models.ipynb -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/setup.cfg -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/setup.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/__init__.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/commands/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/commands/__init__.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/commands/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/commands/convert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/commands/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/commands/download.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/commands/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/commands/run.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/commands/serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/commands/serving.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/commands/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/commands/train.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/commands/user.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/commands/user.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_albert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_auto.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_bert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_camembert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_ctrl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_flaubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_flaubert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_gpt2.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_mmbt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_mmbt.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_openai.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_t5.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_xlm.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/configuration_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/configuration_xlnet.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/data/__init__.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/data/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/data/metrics/__init__.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/data/processors/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/data/processors/glue.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/data/processors/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/data/processors/squad.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/data/processors/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/data/processors/utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/data/processors/xnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/data/processors/xnli.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/file_utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/hf_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/hf_api.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modelcard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modelcard.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_albert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_auto.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_bert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_camembert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_ctrl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_distilbert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_flaubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_flaubert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_gpt2.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_mmbt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_mmbt.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_openai.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_t5.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_albert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_auto.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_bert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_camembert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_ctrl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_distilbert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_gpt2.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_openai.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_t5.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_transfo_xl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_xlm.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_xlm_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_xlm_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_tf_xlnet.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_transfo_xl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_xlm.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_xlm_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_xlm_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/modeling_xlnet.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/optimization.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/optimization_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/optimization_tf.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/pipelines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/pipelines.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_albert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_auto.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_bert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_camembert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_ctrl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_distilbert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_flaubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_flaubert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_gpt2.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_openai.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_t5.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_transfo_xl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_xlm.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/src/transformers/tokenization_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/src/transformers/tokenization_xlnet.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/templates/adding_a_new_model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/templates/adding_a_new_model/README.md -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/fixtures/dummy-config.json: -------------------------------------------------------------------------------- 1 | { 2 | "model_type": "roberta" 3 | } -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/fixtures/empty.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/fixtures/input.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/fixtures/input.txt -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/fixtures/sample_text.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/fixtures/sample_text.txt -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/fixtures/test_sentencepiece.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/fixtures/test_sentencepiece.model -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_configuration_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_configuration_auto.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_configuration_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_configuration_common.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_doc_samples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_doc_samples.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_hf_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_hf_api.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_model_card.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_model_card.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_albert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_auto.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_bert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_common.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_ctrl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_distilbert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_encoder_decoder.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_gpt2.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_openai.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_t5.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_albert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_auto.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_bert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_common.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_ctrl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_distilbert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_gpt2.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_openai_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_openai_gpt.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_t5.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_transfo_xl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_xlm.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_tf_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_tf_xlnet.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_transfo_xl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_xlm.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_modeling_xlnet.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_optimization.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_optimization_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_optimization_tf.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_pipelines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_pipelines.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_albert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_auto.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_bert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_bert_japanese.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_bert_japanese.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_common.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_ctrl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_distilbert.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_gpt2.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_openai.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_roberta.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_t5.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_transfo_xl.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_xlm.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/test_tokenization_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/test_tokenization_xlnet.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/tests/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/tests/utils.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/transformers-cli: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/transformers-cli -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/utils/download_glue_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/utils/download_glue_data.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/utils/link_tester.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/utils/link_tester.py -------------------------------------------------------------------------------- /pytorch/gpt-2/gpt-2/valohai.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/gpt-2/valohai.yaml -------------------------------------------------------------------------------- /pytorch/gpt-2/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/gpt-2/run.sh -------------------------------------------------------------------------------- /pytorch/ugatit/README.md: -------------------------------------------------------------------------------- 1 | Dataset link: 2 | 3 | https://drive.google.com/file/d/1xOWj1UVgp6NKMT3HbPhBbtq2A4EDkghF/view -------------------------------------------------------------------------------- /pytorch/ugatit/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/run.sh -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/.gitignore: -------------------------------------------------------------------------------- 1 | *.pyc 2 | *.sh 3 | dataset/ 4 | results/ 5 | 6 | !build.sh 7 | -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/LICENSE -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/README.md -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/UGATIT.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/UGATIT.py -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/assets/ablation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/assets/ablation.png -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/assets/discriminator.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/assets/discriminator.png -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/assets/generator.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/assets/generator.png -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/assets/kid.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/assets/kid.png -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/assets/teaser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/assets/teaser.png -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/assets/user_study.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/assets/user_study.png -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/dataset.py -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/main.py -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/networks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/networks.py -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/requirements.txt -------------------------------------------------------------------------------- /pytorch/ugatit/ugatit/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/pytorch/ugatit/ugatit/utils.py -------------------------------------------------------------------------------- /tensorflow/resnet-50/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/resnet-50/benchmark.py -------------------------------------------------------------------------------- /tensorflow/resnet-50/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/resnet-50/run.sh -------------------------------------------------------------------------------- /tensorflow/transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/.gitignore: -------------------------------------------------------------------------------- 1 | MNIST-data 2 | labels.txt 3 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/Dockerfile.cpu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/Dockerfile.cpu -------------------------------------------------------------------------------- /tensorflow/transformer/official/Dockerfile.gpu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/Dockerfile.gpu -------------------------------------------------------------------------------- /tensorflow/transformer/official/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/LICENSE -------------------------------------------------------------------------------- /tensorflow/transformer/official/README-TPU.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/README-TPU.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/benchmark/benchmark_uploader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/benchmark/benchmark_uploader.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/benchmark/bert_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/benchmark/bert_benchmark.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/benchmark/keras_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/benchmark/keras_benchmark.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/benchmark/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/benchmark/xlnet_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/benchmark/xlnet_benchmark.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/modeling/activations/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/modeling/activations/gelu.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/modeling/activations/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/modeling/activations/swish.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/modeling/hyperparams/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/modeling/tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/modeling/tf_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/modeling/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/bert_cloud_tpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/bert_cloud_tpu.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/classifier_data_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/classifier_data_lib.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/common_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/common_flags.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/export_tfhub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/export_tfhub.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/export_tfhub_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/export_tfhub_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/input_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/input_pipeline.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/model_saving_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/model_saving_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/run_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/run_classifier.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/run_pretraining.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/run_squad.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/squad_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/squad_lib.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/squad_lib_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/squad_lib_sp.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/tokenization.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert/tokenization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert/tokenization_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert_modeling.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/bert_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/bert_models.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/modeling/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/modeling/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/modeling/layers/__init__.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/modeling/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/modeling/losses/__init__.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/optimization.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/transformer/model_params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/transformer/model_params.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/transformer/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/transformer/model_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/classifier_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/classifier_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/common_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/common_flags.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/data_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/optimization.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/preprocess_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/preprocess_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/run_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/run_classifier.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/run_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/run_pretrain.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/run_squad.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/squad_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/squad_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/training_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/training_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/xlnet_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/xlnet_config.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/nlp/xlnet/xlnet_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/nlp/xlnet/xlnet_modeling.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/pip_package/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/pip_package/setup.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/boosted_trees/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/boosted_trees/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/boosted_trees/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/boosted_trees/train_higgs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/boosted_trees/train_higgs.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/dataset.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/example3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/example3.png -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/example5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/example5.png -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/examples.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/examples.npy -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/mnist.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/mnist_eager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/mnist_eager.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/mnist_eager_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/mnist_eager_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/mnist_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/mnist_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/mnist/mnist_tpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/mnist/mnist_tpu.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/resnet/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/cifar10_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/resnet/cifar10_main.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/cifar10_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/resnet/cifar10_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/imagenet_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/resnet/imagenet_main.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/imagenet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/resnet/imagenet_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/layer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/resnet/layer_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/resnet/resnet_model.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/resnet/resnet_run_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/resnet/resnet_run_loop.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/transformer/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/transformer/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/transformer/dataset.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/transformer/ffn_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/transformer/ffn_layer.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/transformer/schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/transformer/schedule.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/transformer/schedule_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/transformer/schedule_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/transformer/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/transformer/transformer.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/transformer/translate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/transformer/translate.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/utils/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/utils/data/file_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/utils/data/file_io.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/utils/data/file_io_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/utils/data/file_io_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/utils/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/utils/export.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/utils/export_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/utils/export_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/utils/tpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/utils/tpu.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/utils/tpu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/utils/tpu_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/wide_deep/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/wide_deep/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/wide_deep/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/wide_deep/census_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/wide_deep/census_dataset.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/wide_deep/census_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/wide_deep/census_main.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/wide_deep/census_test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/wide_deep/census_test.csv -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/wide_deep/census_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/wide_deep/census_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/wide_deep/movielens_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/wide_deep/movielens_main.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/r1/wide_deep/movielens_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/r1/wide_deep/movielens_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/constants.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/data_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/data_pipeline.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/data_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/data_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/movielens.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/movielens.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/ncf_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/ncf_common.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/ncf_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/ncf_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/neumf_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/neumf_model.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/popen_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/popen_helper.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/run.sh -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/run_tpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/run_tpu.sh -------------------------------------------------------------------------------- /tensorflow/transformer/official/recommendation/stat_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/recommendation/stat_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/requirements.txt -------------------------------------------------------------------------------- /tensorflow/transformer/official/staging/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/staging/shakespeare/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/staging/shakespeare/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/staging/shakespeare/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/compute_bleu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/compute_bleu.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/data_download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/data_download.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/utils/metrics.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/utils/tokenizer.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/v2/beam_search.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/data_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/v2/data_pipeline.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/ffn_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/v2/ffn_layer.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/v2/metrics.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/v2/misc.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/v2/optimizer.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/v2/transformer.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/transformer/v2/translate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/transformer/v2/translate.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/_base.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/_benchmark.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/_conventions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/_conventions.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/_device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/_device.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/_distribution.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/_misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/_misc.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/_performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/_performance.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/core.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/flags_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/flags_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/flags/guidelines.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/flags/guidelines.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/hyperparams_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/hyperparams_flags.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/cloud_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/cloud_lib.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/cloud_lib_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/cloud_lib_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/guidelines.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/guidelines.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/hooks.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/hooks_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/hooks_helper.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/hooks_helper_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/hooks_helper_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/hooks_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/hooks_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/logger.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/logger_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/logger_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/metric_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/metric_hook.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/metric_hook_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/metric_hook_test.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/logs/mlperf_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/logs/mlperf_helper.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/misc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/misc/callstack_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/misc/callstack_sampler.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/misc/keras_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/misc/keras_utils.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/misc/model_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/misc/model_helpers.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/misc/tpu_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/misc/tpu_lib.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/testing/integration.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/mock_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/testing/mock_lib.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/pylint.rcfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/testing/pylint.rcfile -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/reference_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/utils/testing/reference_data.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/reference_data/reference_data_test/dense/tf_version.json: -------------------------------------------------------------------------------- 1 | ["1.8.0-dev20180325", "v1.7.0-rc1-750-g6c1737e6c8"] -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/reference_data/reference_data_test/uniform_random/model.ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ʼ|? -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/reference_data/reference_data_test/uniform_random/results.json: -------------------------------------------------------------------------------- 1 | [0.9872556924819946] -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/reference_data/reference_data_test/uniform_random/tf_version.json: -------------------------------------------------------------------------------- 1 | ["1.8.0-dev20180325", "v1.7.0-rc1-750-g6c1737e6c8"] -------------------------------------------------------------------------------- /tensorflow/transformer/official/utils/testing/reference_data/resnet/batch_norm/tf_version.json: -------------------------------------------------------------------------------- 1 | ["1.8.0-dev20180408", "v1.7.0-1345-gb874783ccd"] -------------------------------------------------------------------------------- /tensorflow/transformer/official/vision/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/vision/detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/vision/detection/README.md -------------------------------------------------------------------------------- /tensorflow/transformer/official/vision/detection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/official/vision/detection/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/vision/detection/main.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/vision/detection/ops/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/vision/detection/ops/nms.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/vision/detection/ops/roi_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/official/vision/detection/ops/roi_ops.py -------------------------------------------------------------------------------- /tensorflow/transformer/official/vision/image_classification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/transformer/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/byteps/examples/HEAD/tensorflow/transformer/run.sh --------------------------------------------------------------------------------