├── .gitignore ├── FlowScore ├── README.md ├── data_parser.py ├── eval.py ├── eval_result.py ├── eval_single.py ├── flow_score.py └── model.py ├── PONE ├── .gitignore ├── PONE │ ├── README.md │ ├── __init__.py │ ├── bm25_utils.py │ ├── es.py │ ├── hybird.py │ ├── reference_score.py │ ├── result.ipynb │ ├── run.sh │ ├── run_eval.sh │ ├── train_unreference.py │ ├── unreference_score.py │ └── utils.py ├── README.md ├── data_parser.py ├── git-push.sh └── similarity_bert │ ├── main.py │ ├── result.ipynb │ └── run.sh ├── README.md ├── __init__.py ├── adem_eval ├── Dockerfile ├── README.md ├── apply_bpe.py ├── entry.py ├── eval.py ├── experiments.py ├── interactive.py ├── models.py ├── preprocess.py ├── pretrain.py ├── score.py ├── script │ └── test_entry.sh ├── server.py ├── train.py ├── utils.py ├── vhred │ └── README.md └── vhred_py │ ├── __init__.py │ ├── adam.py │ ├── eval_model_hred.py │ ├── eval_model_hred_fair.py │ ├── hred_encoder.py │ ├── model.py │ ├── numpy_compat.py │ ├── tfidf_retrieval.py │ ├── train.py │ ├── unfair_eval_model_hred.py │ ├── utils.py │ ├── vhred_compute_dialogue_embeddings.py │ ├── vhred_dialog_encdec.py │ ├── vhred_retrieval.py │ └── vhred_state.py ├── am_fm ├── .gitignore ├── LICENSE ├── README.md ├── __init__.py ├── data_parser.py ├── engines │ ├── __init__.py │ ├── embedding_models │ │ ├── bert │ │ │ ├── __init__.py │ │ │ ├── calc_am.py │ │ │ ├── create_pretraining_data.py │ │ │ ├── extract_features.py │ │ │ ├── modeling.py │ │ │ ├── optimization.py │ │ │ ├── run_pretraining.py │ │ │ └── tokenization.py │ │ └── sbert │ │ │ └── make_multilingual.py │ └── language_models │ │ ├── ngram │ │ ├── calc_fm.py │ │ ├── configuration.py │ │ ├── create_vocab.py │ │ └── lm.py │ │ ├── rnnlm │ │ ├── calc_fm.py │ │ ├── main.py │ │ ├── main_fix.py │ │ ├── main_padding.py │ │ └── word2vec.py │ │ └── xlmr │ │ └── run_lm.py └── examples │ ├── README.md │ └── dstc6 │ ├── README.md │ ├── create_eval_data.py │ ├── create_raw_data.py │ └── images │ ├── combine_am_fm.jpg │ ├── table1.jpg │ ├── table2.jpg │ ├── table3.jpg │ └── table4.jpg ├── baseline_metric.py ├── bleurt ├── LICENSE ├── README.md ├── bleurt │ ├── __init__.py │ ├── checkpoint.py │ ├── encoding.py │ ├── finetune.py │ ├── finetune_test.py │ ├── model.py │ ├── score.py │ ├── score_not_eager_test.py │ ├── score_test.py │ ├── test_checkpoint │ │ ├── saved_model.pb │ │ └── variables │ │ │ ├── variables.data-00000-of-00001 │ │ │ └── variables.index │ ├── test_data │ │ ├── candidates │ │ ├── ratings_dev.jsonl │ │ ├── ratings_train.jsonl │ │ └── references │ └── wmt │ │ ├── __init__.py │ │ ├── benchmark.py │ │ ├── db_builder.py │ │ ├── downloaders.py │ │ └── evaluator.py ├── contributing.md └── setup.py ├── conda_envs ├── dialogrpt │ ├── environment.yml │ └── spec_file.txt ├── eval_base │ ├── environment.yml │ └── spec_file.txt ├── flow_eval │ ├── environment.yml │ └── spec_file.txt ├── gcn │ ├── environment.yml │ └── spec_file.txt ├── grade_eval │ ├── environment.yml │ └── spec_file.txt ├── holistic_eval │ ├── environment.yml │ └── spec_file.txt ├── questeval │ ├── environment.yml │ └── spec_file.txt ├── ruber_eval │ ├── environment.yml │ └── spec_file.txt └── usl_eval │ ├── environment.yml │ └── spec_file.txt ├── data ├── __init__.py ├── dstc6_data │ ├── __init__.py │ └── data_loader.py ├── dstc9_data │ ├── __init__.py │ ├── data_loader.py │ └── ponses ├── engage_data │ └── data_loader.py ├── fed_data │ ├── __init__.py │ └── data_loader.py ├── grade_data │ ├── __init__.py │ ├── compute_correlation.sh │ ├── data_loader.py │ └── human_correlation.py ├── holistic_data │ └── data_loader.py └── usr_data │ ├── __init__.py │ ├── data_loader.py │ └── human_correlation.py ├── deb ├── README.md ├── create_tfrecord_data_from_json.py ├── data_parser.py ├── deb.py ├── extract_features.py ├── modeling.py ├── modeling_test.py ├── optimization.py ├── optimization_test.py ├── run_create_tfrecord_data_from_json.sh ├── run_deb.sh ├── test_tfrecords │ └── output │ │ └── eval │ │ ├── events.out.tfevents.1623876016.ased-1.lti.cs.cmu.edu │ │ ├── events.out.tfevents.1623876841.ased-1.lti.cs.cmu.edu │ │ ├── events.out.tfevents.1623897994.ased-1.lti.cs.cmu.edu │ │ └── events.out.tfevents.1623899690.ased-1.lti.cs.cmu.edu ├── tokenization.py └── tokenization_test.py ├── dialogrpt ├── .gitattributes ├── .gitignore ├── LICENSE ├── README.md ├── __init__.py ├── data.sh ├── data_parser.py ├── doc │ ├── DialogRPT-EMNLP.pdf │ ├── demo.PNG │ ├── icon.png │ ├── toy.tsv.ensemble.jsonl │ ├── toy.tsv.ranked.jsonl │ └── toy.tsv.updown.jsonl ├── eval.sh └── src │ ├── data.py │ ├── feeder.py │ ├── generation.py │ ├── main.py │ ├── master.py │ ├── model.py │ ├── score.py │ ├── shared.py │ └── transformers19 │ ├── __init__.py │ ├── configuration_gpt2.py │ ├── configuration_utils.py │ ├── file_utils.py │ ├── modeling_gpt2.py │ ├── modeling_utils.py │ ├── tokenization_gpt2.py │ └── tokenization_utils.py ├── dynaeval ├── .gitignore ├── GCN.jpg ├── LICENSE ├── README.md ├── __init__.py ├── create_eval_data.py ├── data_parser.py ├── dgcn │ ├── Coach.py │ ├── Dataset.py │ ├── Optim.py │ ├── Sample.py │ ├── __init__.py │ ├── model │ │ ├── Classifier.py │ │ ├── DialogueGCN.py │ │ ├── EdgeAtt.py │ │ ├── GCN.py │ │ ├── SeqContext.py │ │ ├── __init__.py │ │ └── functions.py │ └── utils.py ├── environment.yml ├── eval.py ├── eval.sh ├── preprocess.py ├── score.py ├── score.sh ├── train.py └── train.sh ├── eval_metrics.sh ├── fbd ├── README.md ├── __init__.py ├── baseline.py ├── bert_score │ ├── __init__.py │ ├── score.py │ ├── scorer.py │ └── utils.py ├── data_parser.py ├── eval.sh ├── eval_metric.py ├── fbd_score.py ├── normality.py ├── prd_score.py ├── tokenizeChinese.py ├── unit_test.sh └── utils.py ├── gen_data.py ├── grade ├── .gitignore ├── README.md ├── config │ ├── config_data_for_metric.py │ ├── config_data_grade.py │ └── config_model_grade.py ├── data │ ├── .gitignore │ └── DailyDialog │ │ └── dialog_keyword_tuples_multiGraph.hop ├── data_parser.py ├── evaluation │ ├── human_correlation.py │ └── merge_keyword_and_text.py ├── extract_kw.sh ├── images │ └── GRADE.png ├── main_for_metric_grade.py ├── main_grade.py ├── model │ └── evaluation_model │ │ └── GRADE │ │ ├── model_grade_K1.py │ │ ├── model_grade_K2.py │ │ └── model_util │ │ ├── GAT.py │ │ └── GCN.py ├── preprocess │ ├── IndexCreate.java │ ├── IndexSearch.java │ ├── dataset │ │ ├── dailydialog │ │ │ └── .DS_Store │ │ └── download.sh │ ├── dialog_data_processor.py │ ├── extract_keywords.py │ ├── keyword_extractor.py │ ├── load_data.py │ ├── prepare_data.py │ ├── prepare_data.sh │ ├── prepare_pkl.py │ ├── prepare_pkl_for_metric.py │ └── utils │ │ ├── data_utils.py │ │ ├── data_utils_metric.py │ │ └── load_data_utils.py ├── run_single.sh ├── script │ ├── eval.sh │ ├── eval_sh │ │ ├── Compute_GRADE_K1_N10.sh │ │ ├── Compute_GRADE_K1_N20.sh │ │ ├── Compute_GRADE_K2_N10_N10.sh │ │ └── Compute_GRADE_K2_N20_N20.sh │ ├── inference.sh │ ├── inference_sh │ │ ├── Compute_GRADE_K1_N10.sh │ │ ├── Compute_GRADE_K1_N20.sh │ │ ├── Compute_GRADE_K2_N10_N10.sh │ │ └── Compute_GRADE_K2_N20_N20.sh │ ├── preprocess_training_dataset.sh │ ├── train.sh │ └── train_sh │ │ ├── GRADE_K1_N10.sh │ │ ├── GRADE_K1_N20.sh │ │ ├── GRADE_K2_N10_N10.sh │ │ └── GRADE_K2_N20_N20.sh ├── setting.py ├── texar-pytorch │ ├── .flake8 │ ├── .gitignore │ ├── .pylintrc │ ├── .readthedocs.yml │ ├── .travis.yml │ ├── CHANGELOG.md │ ├── LICENSE │ ├── README.md │ ├── bin │ │ └── utils │ │ │ ├── README.md │ │ │ ├── apply_bpe │ │ │ ├── learn_bpe │ │ │ ├── multi-bleu.perl │ │ │ ├── spm_decode │ │ │ ├── spm_encode │ │ │ └── spm_train │ ├── docs │ │ ├── Makefile │ │ ├── _static │ │ │ ├── css │ │ │ │ └── custom_theme.css │ │ │ └── img │ │ │ │ ├── logo_h.png │ │ │ │ ├── logo_h_035.png │ │ │ │ ├── texar_modules_big.png │ │ │ │ └── texar_stack.png │ │ ├── code │ │ │ ├── core.rst │ │ │ ├── data.rst │ │ │ ├── evals.rst │ │ │ ├── hyperparams.rst │ │ │ ├── losses.rst │ │ │ ├── modules.rst │ │ │ ├── run.rst │ │ │ └── utils.rst │ │ ├── conf.py │ │ ├── examples.md │ │ ├── get_started.md │ │ ├── index.rst │ │ └── make.bat │ ├── examples │ │ ├── README.md │ │ ├── bert │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── bert_classifier_main.py │ │ │ ├── bert_classifier_using_executor_main.py │ │ │ ├── bert_with_hypertuning_main.py │ │ │ ├── config_classifier.py │ │ │ ├── config_data.py │ │ │ ├── data │ │ │ │ ├── README.md │ │ │ │ └── download_glue_data.py │ │ │ ├── prepare_data.py │ │ │ ├── tbx.png │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── data_utils.py │ │ │ │ └── model_utils.py │ │ ├── gpt-2 │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── config_train.py │ │ │ ├── gpt2_generate_main.py │ │ │ ├── gpt2_train_main.py │ │ │ ├── prepare_data.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ └── data_utils.py │ │ ├── sentence_classifier │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── classifier_main.py │ │ │ ├── config_kim.py │ │ │ └── sst_data_preprocessor.py │ │ ├── seq2seq_attn │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── config_iwslt14.py │ │ │ ├── config_model.py │ │ │ ├── config_model_full.py │ │ │ ├── config_toy_copy.py │ │ │ ├── prepare_data.py │ │ │ └── seq2seq_attn.py │ │ ├── transformer │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── bleu_main.py │ │ │ ├── config_iwslt15.py │ │ │ ├── config_model.py │ │ │ ├── config_wmt14.py │ │ │ ├── model.py │ │ │ ├── preprocess_data.sh │ │ │ ├── scripts │ │ │ │ ├── iwslt15_en_vi.sh │ │ │ │ └── wmt14_en_de.sh │ │ │ ├── transformer_main.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── data_utils.py │ │ │ │ ├── preprocess.py │ │ │ │ └── utils.py │ │ ├── vae_text │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── config_lstm_ptb.py │ │ │ ├── config_lstm_yahoo.py │ │ │ ├── config_trans_ptb.py │ │ │ ├── config_trans_yahoo.py │ │ │ ├── prepare_data.py │ │ │ └── vae_train.py │ │ └── xlnet │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── configs │ │ │ ├── config_data_imdb.py │ │ │ └── config_data_stsb.py │ │ │ ├── scripts │ │ │ ├── download_glue_data.sh │ │ │ └── download_imdb_data.sh │ │ │ ├── utils │ │ │ ├── __init__.py │ │ │ ├── data_utils.py │ │ │ ├── dataset.py │ │ │ ├── model_utils.py │ │ │ └── processor.py │ │ │ ├── xlnet_classification_main.py │ │ │ ├── xlnet_generation_ipython.py │ │ │ └── xlnet_generation_main.py │ ├── mypy.ini │ ├── setup.py │ ├── stubs │ │ └── torch │ │ │ ├── __init__.pyi │ │ │ ├── nn │ │ │ ├── __init__.pyi │ │ │ ├── modules │ │ │ │ ├── __init__.pyi │ │ │ │ ├── container.pyi │ │ │ │ └── module.pyi │ │ │ └── parameter.pyi │ │ │ └── optim │ │ │ ├── __init__.pyi │ │ │ └── lr_scheduler.pyi │ └── texar │ │ ├── __init__.py │ │ └── torch │ │ ├── __init__.py │ │ ├── core │ │ ├── __init__.py │ │ ├── attention_mechanism.py │ │ ├── attention_mechanism_test.py │ │ ├── attention_mechanism_utils.py │ │ ├── attention_mechanism_utils_test.py │ │ ├── cell_wrappers.py │ │ ├── cell_wrappers_test.py │ │ ├── layers.py │ │ ├── layers_test.py │ │ ├── optimization.py │ │ ├── optimization_test.py │ │ ├── regularizers.py │ │ └── regularizers_test.py │ │ ├── custom │ │ ├── __init__.py │ │ ├── activation.py │ │ ├── distributions.py │ │ └── initializers.py │ │ ├── data │ │ ├── __init__.py │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── data_base.py │ │ │ ├── data_iterators.py │ │ │ ├── data_iterators_test.py │ │ │ ├── dataset_utils.py │ │ │ ├── large_file_test.py │ │ │ ├── mono_text_data.py │ │ │ ├── mono_text_data_test.py │ │ │ ├── multi_aligned_data.py │ │ │ ├── multi_aligned_data_test.py │ │ │ ├── paired_text_data.py │ │ │ ├── paired_text_data_test.py │ │ │ ├── record_data.py │ │ │ ├── record_data_test.py │ │ │ ├── scalar_data.py │ │ │ ├── scalar_data_test.py │ │ │ └── text_data_base.py │ │ ├── data_utils.py │ │ ├── embedding.py │ │ ├── embedding_test.py │ │ ├── tokenizers │ │ │ ├── __init__.py │ │ │ ├── bert_tokenizer.py │ │ │ ├── bert_tokenizer_test.py │ │ │ ├── bert_tokenizer_utils.py │ │ │ ├── bert_tokenizer_utils_test.py │ │ │ ├── gpt2_tokenizer.py │ │ │ ├── gpt2_tokenizer_test.py │ │ │ ├── gpt2_tokenizer_utils.py │ │ │ ├── roberta_tokenizer.py │ │ │ ├── roberta_tokenizer_test.py │ │ │ ├── sentencepiece_tokenizer.py │ │ │ ├── sentencepiece_tokenizer_test.py │ │ │ ├── tokenizer_base.py │ │ │ ├── xlnet_tokenizer.py │ │ │ └── xlnet_tokenizer_test.py │ │ ├── vocabulary.py │ │ └── vocabulary_test.py │ │ ├── evals │ │ ├── __init__.py │ │ ├── bleu.py │ │ ├── bleu_moses.py │ │ ├── bleu_moses_test.py │ │ ├── bleu_test.py │ │ ├── bleu_transformer.py │ │ ├── bleu_transformer_test.py │ │ ├── metrics.py │ │ └── metrics_test.py │ │ ├── hyperparams.py │ │ ├── hyperparams_test.py │ │ ├── losses │ │ ├── __init__.py │ │ ├── adv_losses.py │ │ ├── adv_losses_test.py │ │ ├── entropy.py │ │ ├── entropy_test.py │ │ ├── losses_utils.py │ │ ├── mle_losses.py │ │ ├── mle_losses_test.py │ │ ├── pg_losses.py │ │ ├── pg_losses_test.py │ │ ├── rewards.py │ │ └── rewards_test.py │ │ ├── module_base.py │ │ ├── modules │ │ ├── __init__.py │ │ ├── classifiers │ │ │ ├── __init__.py │ │ │ ├── bert_classifier.py │ │ │ ├── bert_classifier_test.py │ │ │ ├── classifier_base.py │ │ │ ├── conv_classifiers.py │ │ │ ├── conv_classifiers_test.py │ │ │ ├── gpt2_classifier.py │ │ │ ├── gpt2_classifier_test.py │ │ │ ├── roberta_classifier.py │ │ │ ├── roberta_classifier_test.py │ │ │ ├── xlnet_classifier.py │ │ │ └── xlnet_classifier_test.py │ │ ├── connectors │ │ │ ├── __init__.py │ │ │ ├── connector_base.py │ │ │ ├── connectors.py │ │ │ └── connectors_test.py │ │ ├── decoders │ │ │ ├── __init__.py │ │ │ ├── decoder_base.py │ │ │ ├── decoder_helpers.py │ │ │ ├── decoder_helpers_test.py │ │ │ ├── gpt2_decoder.py │ │ │ ├── gpt2_decoder_test.py │ │ │ ├── rnn_decoder_base.py │ │ │ ├── rnn_decoders.py │ │ │ ├── rnn_decoders_test.py │ │ │ ├── transformer_decoders.py │ │ │ ├── transformer_decoders_test.py │ │ │ ├── xlnet_decoder.py │ │ │ └── xlnet_decoder_test.py │ │ ├── embedders │ │ │ ├── __init__.py │ │ │ ├── embedder_base.py │ │ │ ├── embedder_utils.py │ │ │ ├── embedder_utils_test.py │ │ │ ├── embedders.py │ │ │ ├── embedders_test.py │ │ │ └── position_embedders.py │ │ ├── encoders │ │ │ ├── __init__.py │ │ │ ├── bert_encoder.py │ │ │ ├── bert_encoder_test.py │ │ │ ├── conv_encoders.py │ │ │ ├── conv_encoders_test.py │ │ │ ├── encoder_base.py │ │ │ ├── gpt2_encoder.py │ │ │ ├── gpt2_encoder_test.py │ │ │ ├── multihead_attention.py │ │ │ ├── rnn_encoders.py │ │ │ ├── rnn_encoders_test.py │ │ │ ├── roberta_encoder.py │ │ │ ├── roberta_encoder_test.py │ │ │ ├── transformer_encoder.py │ │ │ ├── transformer_encoder_test.py │ │ │ ├── xlnet_encoder.py │ │ │ └── xlnet_encoder_test.py │ │ ├── networks │ │ │ ├── __init__.py │ │ │ ├── conv_networks.py │ │ │ ├── conv_networks_test.py │ │ │ ├── network_base.py │ │ │ ├── networks.py │ │ │ └── networks_test.py │ │ ├── pretrained │ │ │ ├── __init__.py │ │ │ ├── bert.py │ │ │ ├── bert_test.py │ │ │ ├── gpt2.py │ │ │ ├── gpt2_test.py │ │ │ ├── pretrained_base.py │ │ │ ├── roberta.py │ │ │ ├── roberta_test.py │ │ │ ├── xlnet.py │ │ │ ├── xlnet_test.py │ │ │ ├── xlnet_utils.py │ │ │ └── xlnet_utils_test.py │ │ └── regressors │ │ │ ├── __init__.py │ │ │ ├── regressor_base.py │ │ │ ├── xlnet_regressor.py │ │ │ └── xlnet_regressor_test.py │ │ ├── run │ │ ├── __init__.py │ │ ├── action.py │ │ ├── condition.py │ │ ├── condition_test.py │ │ ├── executor.py │ │ ├── executor_test.py │ │ ├── executor_utils.py │ │ └── metric │ │ │ ├── __init__.py │ │ │ ├── base_metric.py │ │ │ ├── classification.py │ │ │ ├── classification_test.py │ │ │ ├── generation.py │ │ │ ├── generation_test.py │ │ │ ├── regression.py │ │ │ ├── regression_test.py │ │ │ ├── summary.py │ │ │ └── summary_test.py │ │ ├── utils │ │ ├── __init__.py │ │ ├── average_recorder.py │ │ ├── average_recorder_test.py │ │ ├── beam_search.py │ │ ├── beam_search_test.py │ │ ├── dtypes.py │ │ ├── exceptions.py │ │ ├── nest.py │ │ ├── rnn.py │ │ ├── rnn_test.py │ │ ├── shapes.py │ │ ├── shapes_test.py │ │ ├── test.py │ │ ├── transformer_attentions.py │ │ ├── types.py │ │ ├── utils.py │ │ ├── utils_io.py │ │ └── utils_test.py │ │ └── version.py └── utils │ ├── __init__.py │ ├── main_utils.py │ └── normalization.py ├── holistic_eval ├── .gitignore ├── README.md ├── __init__.py ├── augmented_dataset │ ├── Logical_Self_Consistency │ │ └── README.md │ └── Response_Diversity │ │ └── README.md ├── data_parser.py ├── diversity │ ├── README.md │ └── diversity_evaluation.py ├── lm_fine_tuning.py ├── metrics_evaluation.py ├── roberta_mnli │ ├── .coveragerc │ ├── .gitignore │ ├── CONTRIBUTING.md │ ├── LICENSE │ ├── MANIFEST.in │ ├── README.md │ ├── 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 │ │ │ ├── bertology.rst │ │ │ ├── conf.py │ │ │ ├── converting_tensorflow_models.rst │ │ │ ├── examples.md │ │ │ ├── index.rst │ │ │ ├── installation.md │ │ │ ├── main_classes │ │ │ ├── configuration.rst │ │ │ ├── model.rst │ │ │ ├── optimizer_schedules.rst │ │ │ ├── processors.rst │ │ │ └── tokenizer.rst │ │ │ ├── migration.md │ │ │ ├── model_doc │ │ │ ├── auto.rst │ │ │ ├── bert.rst │ │ │ ├── ctrl.rst │ │ │ ├── distilbert.rst │ │ │ ├── gpt.rst │ │ │ ├── gpt2.rst │ │ │ ├── roberta.rst │ │ │ ├── transformerxl.rst │ │ │ ├── xlm.rst │ │ │ └── xlnet.rst │ │ │ ├── multilingual.rst │ │ │ ├── notebooks.rst │ │ │ ├── pretrained_models.rst │ │ │ ├── quickstart.md │ │ │ ├── serialization.rst │ │ │ └── torchscript.rst │ ├── download_model.py │ ├── examples │ │ ├── README.md │ │ ├── contrib │ │ │ ├── README.md │ │ │ ├── run_openai_gpt.py │ │ │ ├── run_swag.py │ │ │ └── run_transfo_xl.py │ │ ├── data │ │ │ └── self_logic │ │ │ │ ├── baseline │ │ │ │ ├── cached_dev_roberta-large-mnli_128_mnli │ │ │ │ └── cached_dev_roberta-large-mnli_128_mnli-mm │ │ │ │ ├── seq2seq │ │ │ │ ├── cached_dev_roberta-large-mnli_128_mnli │ │ │ │ └── cached_dev_roberta-large-mnli_128_mnli-mm │ │ │ │ └── word_net │ │ │ │ ├── cached_dev_roberta-large-mnli_128_mnli │ │ │ │ └── cached_dev_roberta-large-mnli_128_mnli-mm │ │ ├── distillation │ │ │ ├── README.md │ │ │ ├── distiller.py │ │ │ ├── grouped_batch_sampler.py │ │ │ ├── lm_seqs_dataset.py │ │ │ ├── run_squad_w_distillation.py │ │ │ ├── scripts │ │ │ │ ├── binarized_data.py │ │ │ │ ├── extract.py │ │ │ │ ├── extract_distilbert.py │ │ │ │ └── token_counts.py │ │ │ ├── train.py │ │ │ └── utils.py │ │ ├── run_beam_order.py │ │ ├── run_bertology.py │ │ ├── run_generation.py │ │ ├── run_glue.py │ │ ├── run_lm_finetuning.py │ │ ├── run_multiple_choice.py │ │ ├── run_ppl.py │ │ ├── run_ppl_and_ngram_ppl.py │ │ ├── run_squad.py │ │ ├── run_tf_glue.py │ │ ├── scripts │ │ │ └── scripts │ │ │ │ ├── MNLI_batch64.py │ │ │ │ ├── MNLI_large.py │ │ │ │ ├── MNLI_original.py │ │ │ │ ├── MNLI_roberta.py │ │ │ │ └── run_experiment.py │ │ ├── spearman.py │ │ ├── test_examples.py │ │ ├── tests_samples │ │ │ ├── .gitignore │ │ │ ├── MRPC │ │ │ │ ├── dev.tsv │ │ │ │ └── train.tsv │ │ │ └── SQUAD │ │ │ │ └── dev-v2.0-small.json │ │ ├── utils_multiple_choice.py │ │ ├── utils_squad.py │ │ └── utils_squad_evaluate.py │ ├── hubconf.py │ ├── logic_eval_interface.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 │ ├── self_logic │ │ ├── MNLI_SCORE │ │ │ ├── compute_score.py │ │ │ ├── compute_score_interface.py │ │ │ ├── data │ │ │ │ ├── baseline │ │ │ │ │ ├── bk_mnli.pred │ │ │ │ │ ├── mnli-mm.pred │ │ │ │ │ └── mnli.pred │ │ │ │ ├── seq2seq │ │ │ │ │ ├── mnli-mm.pred │ │ │ │ │ └── mnli.pred │ │ │ │ ├── temp │ │ │ │ │ └── mnli_temp.pred │ │ │ │ └── word_net │ │ │ │ │ ├── mnli-mm.pred │ │ │ │ │ └── mnli.pred │ │ │ ├── make_wordnet_para.py │ │ │ └── make_wordnet_para_interface.py │ │ └── count_human_score.py │ ├── setup.py │ ├── test.sh │ └── transformers │ │ ├── __init__.py │ │ ├── __main__.py │ │ ├── configuration_auto.py │ │ ├── configuration_bert.py │ │ ├── configuration_ctrl.py │ │ ├── configuration_distilbert.py │ │ ├── configuration_gpt2.py │ │ ├── configuration_openai.py │ │ ├── configuration_roberta.py │ │ ├── configuration_transfo_xl.py │ │ ├── configuration_utils.py │ │ ├── configuration_xlm.py │ │ ├── configuration_xlnet.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_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 │ │ └── processors │ │ │ ├── __init__.py │ │ │ ├── glue.py │ │ │ └── utils.py │ │ ├── file_utils.py │ │ ├── modeling_auto.py │ │ ├── modeling_bert.py │ │ ├── modeling_ctrl.py │ │ ├── modeling_distilbert.py │ │ ├── modeling_gpt2.py │ │ ├── modeling_openai.py │ │ ├── modeling_roberta.py │ │ ├── modeling_tf_auto.py │ │ ├── modeling_tf_bert.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_transfo_xl.py │ │ ├── modeling_tf_transfo_xl_utilities.py │ │ ├── modeling_tf_utils.py │ │ ├── modeling_tf_xlm.py │ │ ├── modeling_tf_xlnet.py │ │ ├── modeling_transfo_xl.py │ │ ├── modeling_transfo_xl_utilities.py │ │ ├── modeling_utils.py │ │ ├── modeling_xlm.py │ │ ├── modeling_xlnet.py │ │ ├── optimization.py │ │ ├── tests │ │ ├── __init__.py │ │ ├── configuration_common_test.py │ │ ├── conftest.py │ │ ├── fixtures │ │ │ └── test_sentencepiece.model │ │ ├── modeling_auto_test.py │ │ ├── modeling_bert_test.py │ │ ├── modeling_common_test.py │ │ ├── modeling_ctrl_test.py │ │ ├── modeling_distilbert_test.py │ │ ├── modeling_gpt2_test.py │ │ ├── modeling_openai_test.py │ │ ├── modeling_roberta_test.py │ │ ├── modeling_tf_auto_test.py │ │ ├── modeling_tf_bert_test.py │ │ ├── modeling_tf_common_test.py │ │ ├── modeling_tf_ctrl_test.py │ │ ├── modeling_tf_distilbert_test.py │ │ ├── modeling_tf_gpt2_test.py │ │ ├── modeling_tf_openai_gpt_test.py │ │ ├── modeling_tf_roberta_test.py │ │ ├── modeling_tf_transfo_xl_test.py │ │ ├── modeling_tf_xlm_test.py │ │ ├── modeling_tf_xlnet_test.py │ │ ├── modeling_transfo_xl_test.py │ │ ├── modeling_xlm_test.py │ │ ├── modeling_xlnet_test.py │ │ ├── optimization_test.py │ │ ├── tokenization_auto_test.py │ │ ├── tokenization_bert_test.py │ │ ├── tokenization_ctrl_test.py │ │ ├── tokenization_distilbert_test.py │ │ ├── tokenization_gpt2_test.py │ │ ├── tokenization_openai_test.py │ │ ├── tokenization_roberta_test.py │ │ ├── tokenization_tests_commons.py │ │ ├── tokenization_transfo_xl_test.py │ │ ├── tokenization_utils_test.py │ │ ├── tokenization_xlm_test.py │ │ └── tokenization_xlnet_test.py │ │ ├── tokenization_auto.py │ │ ├── tokenization_bert.py │ │ ├── tokenization_ctrl.py │ │ ├── tokenization_distilbert.py │ │ ├── tokenization_gpt2.py │ │ ├── tokenization_openai.py │ │ ├── tokenization_roberta.py │ │ ├── tokenization_transfo_xl.py │ │ ├── tokenization_utils.py │ │ ├── tokenization_xlm.py │ │ └── tokenization_xlnet.py └── run_eval.sh ├── maude ├── .gitignore ├── CHANGELOG.md ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── README.md ├── args.py ├── backup │ ├── __init__.py │ ├── ablation_models.py │ ├── analysis.py │ ├── baselines │ │ ├── __init__.py │ │ └── ruber │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── model.py │ │ │ ├── train.py │ │ │ └── train_word2vec.py │ ├── corrupt.py │ ├── models.py │ ├── plot.py │ └── train.py ├── codes │ ├── README.md │ ├── backtranslate.sh │ ├── baseline_models.py │ ├── inference.py │ ├── logger.py │ ├── models.py │ ├── net.py │ └── trainer.py ├── data.py ├── data_parser.py ├── full_acl_runs │ ├── bertnli_all │ │ └── lightning_logs │ │ │ └── version_20497378 │ │ │ ├── meta.experiment │ │ │ └── tf │ │ │ ├── events.out.tfevents.1575012326.learnfair0202.70211.0 │ │ │ ├── events.out.tfevents.1575012332.learnfair0202.70348.0 │ │ │ ├── events.out.tfevents.1575012332.learnfair0202.70349.0 │ │ │ ├── events.out.tfevents.1575012332.learnfair0202.70350.0 │ │ │ ├── events.out.tfevents.1575012332.learnfair0202.70351.0 │ │ │ ├── events.out.tfevents.1575012332.learnfair0202.70352.0 │ │ │ ├── events.out.tfevents.1575012332.learnfair0202.70353.0 │ │ │ ├── events.out.tfevents.1575012332.learnfair0202.70354.0 │ │ │ ├── events.out.tfevents.1575012332.learnfair0202.70355.0 │ │ │ ├── events.out.tfevents.1575056694.learnfair1958.57826.0 │ │ │ ├── events.out.tfevents.1575056701.learnfair1958.58116.0 │ │ │ ├── events.out.tfevents.1575056701.learnfair1958.58117.0 │ │ │ ├── events.out.tfevents.1575056701.learnfair1958.58118.0 │ │ │ ├── events.out.tfevents.1575056701.learnfair1958.58119.0 │ │ │ ├── events.out.tfevents.1575056701.learnfair1958.58120.0 │ │ │ ├── events.out.tfevents.1575056701.learnfair1958.58121.0 │ │ │ ├── events.out.tfevents.1575056701.learnfair1958.58122.0 │ │ │ └── events.out.tfevents.1575056701.learnfair1958.58123.0 │ ├── infersent_all │ │ └── lightning_logs │ │ │ └── version_20495233 │ │ │ ├── meta.experiment │ │ │ └── tf │ │ │ ├── events.out.tfevents.1575000904.learnfair0643.52395.0 │ │ │ ├── events.out.tfevents.1575000911.learnfair0643.52480.0 │ │ │ ├── events.out.tfevents.1575000911.learnfair0643.52481.0 │ │ │ ├── events.out.tfevents.1575000911.learnfair0643.52482.0 │ │ │ ├── events.out.tfevents.1575000911.learnfair0643.52483.0 │ │ │ ├── events.out.tfevents.1575000911.learnfair0643.52484.0 │ │ │ ├── events.out.tfevents.1575000911.learnfair0643.52485.0 │ │ │ ├── events.out.tfevents.1575000911.learnfair0643.52486.0 │ │ │ └── events.out.tfevents.1575000911.learnfair0643.52487.0 │ ├── na_all │ │ └── lightning_logs │ │ │ └── version_20488119 │ │ │ ├── meta.experiment │ │ │ └── tf │ │ │ ├── events.out.tfevents.1574986239.learnfair0445.30307.0 │ │ │ ├── events.out.tfevents.1574986246.learnfair0445.30588.0 │ │ │ ├── events.out.tfevents.1574986246.learnfair0445.30589.0 │ │ │ ├── events.out.tfevents.1574986246.learnfair0445.30590.0 │ │ │ ├── events.out.tfevents.1574986246.learnfair0445.30591.0 │ │ │ ├── events.out.tfevents.1574986246.learnfair0445.30592.0 │ │ │ ├── events.out.tfevents.1574986246.learnfair0445.30593.0 │ │ │ ├── events.out.tfevents.1574986246.learnfair0445.30594.0 │ │ │ └── events.out.tfevents.1574986246.learnfair0445.30595.0 │ ├── na_only_semantics │ │ └── lightning_logs │ │ │ └── version_20488121 │ │ │ ├── meta.experiment │ │ │ └── tf │ │ │ ├── events.out.tfevents.1574989415.learnfair0627.6573.0 │ │ │ ├── events.out.tfevents.1574989420.learnfair0627.6717.0 │ │ │ ├── events.out.tfevents.1574989420.learnfair0627.6718.0 │ │ │ ├── events.out.tfevents.1574989420.learnfair0627.6719.0 │ │ │ ├── events.out.tfevents.1574989420.learnfair0627.6720.0 │ │ │ ├── events.out.tfevents.1574989420.learnfair0627.6721.0 │ │ │ ├── events.out.tfevents.1574989421.learnfair0627.6714.0 │ │ │ ├── events.out.tfevents.1574989421.learnfair0627.6715.0 │ │ │ └── events.out.tfevents.1574989421.learnfair0627.6716.0 │ └── na_only_syntax │ │ └── lightning_logs │ │ └── version_20488122 │ │ ├── meta.experiment │ │ └── tf │ │ ├── events.out.tfevents.1574989495.learnfair0636.10013.0 │ │ ├── events.out.tfevents.1574989499.learnfair0636.10142.0 │ │ ├── events.out.tfevents.1574989500.learnfair0636.10141.0 │ │ ├── events.out.tfevents.1574989500.learnfair0636.10143.0 │ │ ├── events.out.tfevents.1574989500.learnfair0636.10144.0 │ │ ├── events.out.tfevents.1574989500.learnfair0636.10145.0 │ │ ├── events.out.tfevents.1574989500.learnfair0636.10146.0 │ │ ├── events.out.tfevents.1574989500.learnfair0636.10148.0 │ │ └── events.out.tfevents.1574989501.learnfair0636.10147.0 ├── human_correlation.ipynb ├── human_eval.jsonl ├── logbook │ ├── __init__.py │ ├── filesystem_logger.py │ └── logbook.py ├── logs │ └── .gitkeep ├── maude_eval.jsonl ├── run_grade_eval.sh ├── run_inference.sh ├── run_single.sh ├── run_test.sh ├── run_training.sh ├── scripts │ ├── compute_corrupt.py │ ├── extract_task_based_samples.py │ ├── fix_data.py │ ├── interactive_file.py │ └── run_trans.sh ├── test_results.jsonl └── utils.py ├── predictive_engagement ├── LICENSE ├── README.md ├── __init__.py ├── data_parser.py ├── pytorch_src │ ├── calculate_correlations.py │ ├── create_utt_embed.py │ ├── engagement_classifier.py │ ├── main.py │ └── preprocess_data.py └── run_eval.sh ├── questeval ├── .gitignore ├── README.md ├── __init__.py ├── data_parser.py ├── eval.py ├── examples │ ├── data │ │ └── .gitkeep │ └── figs │ │ └── .gitkeep ├── questeval │ ├── __init__.py │ ├── data2text_objects │ │ ├── __init__.py │ │ └── data_formating.py │ ├── pipeline.py │ ├── questeval_metric.py │ ├── uni_utils.py │ └── utils.py ├── setup.py ├── tests │ ├── __init__.py │ ├── resources │ │ ├── __init__.py │ │ └── constants.py │ ├── units │ │ ├── __init__.py │ │ └── test_questeval_metric.py │ └── utils │ │ ├── __init__.py │ │ └── helpers.py └── unilm │ ├── CODE_OF_CONDUCT.md │ ├── CONTRIBUTING.md │ ├── LICENSE │ ├── NOTICE.md │ ├── README.md │ ├── __init__.py │ ├── minilm │ ├── README.md │ ├── __init__.py │ └── examples │ │ ├── __init__.py │ │ └── run_xnli.py │ ├── old_school_transformers │ ├── __init__.py │ ├── __main__.py │ ├── activations.py │ ├── another_try.py │ ├── benchmark_utils.py │ ├── commands │ │ ├── __init__.py │ │ ├── convert.py │ │ ├── download.py │ │ ├── env.py │ │ ├── run.py │ │ ├── serving.py │ │ ├── train.py │ │ └── user.py │ ├── configuration_albert.py │ ├── configuration_auto.py │ ├── configuration_bart.py │ ├── configuration_bert.py │ ├── configuration_camembert.py │ ├── configuration_ctrl.py │ ├── configuration_distilbert.py │ ├── configuration_electra.py │ ├── configuration_encoder_decoder.py │ ├── configuration_flaubert.py │ ├── configuration_gpt2.py │ ├── configuration_longformer.py │ ├── configuration_marian.py │ ├── configuration_mmbt.py │ ├── configuration_openai.py │ ├── configuration_reformer.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_bart_original_pytorch_checkpoint_to_pytorch.py │ ├── convert_bert_original_tf_checkpoint_to_pytorch.py │ ├── convert_bert_pytorch_checkpoint_to_original_tf.py │ ├── convert_dialogpt_original_pytorch_checkpoint_to_pytorch.py │ ├── convert_electra_original_tf_checkpoint_to_pytorch.py │ ├── convert_gpt2_original_tf_checkpoint_to_pytorch.py │ ├── convert_graph_to_onnx.py │ ├── convert_marian_to_pytorch.py │ ├── convert_openai_original_tf_checkpoint_to_pytorch.py │ ├── convert_pytorch_checkpoint_to_tf2.py │ ├── convert_reformer_trax_checkpoint_to_pytorch.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 │ │ ├── data_collator.py │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── glue.py │ │ │ └── language_modeling.py │ │ ├── metrics │ │ │ ├── __init__.py │ │ │ └── squad_metrics.py │ │ └── processors │ │ │ ├── __init__.py │ │ │ ├── glue.py │ │ │ ├── squad.py │ │ │ ├── utils.py │ │ │ └── xnli.py │ ├── file.py │ ├── file_utils.py │ ├── filep.py │ ├── hf_api.py │ ├── hf_argparser.py │ ├── modelcard.py │ ├── modeling_albert.py │ ├── modeling_auto.py │ ├── modeling_bart.py │ ├── modeling_beam_search.py │ ├── modeling_bert.py │ ├── modeling_camembert.py │ ├── modeling_ctrl.py │ ├── modeling_distilbert.py │ ├── modeling_electra.py │ ├── modeling_encoder_decoder.py │ ├── modeling_flaubert.py │ ├── modeling_gpt2.py │ ├── modeling_longformer.py │ ├── modeling_marian.py │ ├── modeling_mmbt.py │ ├── modeling_openai.py │ ├── modeling_reformer.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_electra.py │ ├── modeling_tf_flaubert.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_bart.py │ ├── tokenization_bert.py │ ├── tokenization_bert_japanese.py │ ├── tokenization_camembert.py │ ├── tokenization_ctrl.py │ ├── tokenization_distilbert.py │ ├── tokenization_electra.py │ ├── tokenization_flaubert.py │ ├── tokenization_gpt2.py │ ├── tokenization_longformer.py │ ├── tokenization_marian.py │ ├── tokenization_openai.py │ ├── tokenization_reformer.py │ ├── tokenization_roberta.py │ ├── tokenization_t5.py │ ├── tokenization_transfo_xl.py │ ├── tokenization_utils.py │ ├── tokenization_xlm.py │ ├── tokenization_xlm_roberta.py │ ├── tokenization_xlnet.py │ ├── trainer.py │ ├── trainer_tf.py │ ├── trainer_utils.py │ ├── training_args.py │ ├── training_args_tf.py │ ├── try.py │ └── utils_encoder_decoder.py │ ├── s2s-ft │ ├── .gitignore │ ├── README.md │ ├── __init__.py │ ├── decode_seq2seq.py │ ├── evaluations │ │ ├── __init__.py │ │ ├── bs_pyrouge.py │ │ ├── eval_for_cnndm.py │ │ └── eval_for_xsum.py │ ├── gen_seq_from_trace.py │ ├── run_seq2seq.py │ ├── s2s_ft │ │ ├── __init__.py │ │ ├── config.py │ │ ├── configuration_minilm.py │ │ ├── configuration_unilm.py │ │ ├── convert_state_dict.py │ │ ├── modeling.py │ │ ├── modeling_decoding.py │ │ ├── s2s_loader.py │ │ ├── tokenization_minilm.py │ │ ├── tokenization_unilm.py │ │ └── utils.py │ └── setup.py │ └── unilm │ └── README.md ├── read_result.py ├── ruber ├── .gitignore ├── README.md ├── RUBER │ ├── __init__.py │ ├── data │ │ ├── convai2_grade_bert_ranker │ │ │ └── ruber_score.json_dailydialog │ │ ├── convai2_grade_dialogGPT │ │ │ └── ruber_score.json_dailydialog │ │ ├── convai2_grade_transformer_generator │ │ │ └── ruber_score.json_dailydialog │ │ ├── convai2_grade_transformer_ranker │ │ │ └── ruber_score.json_dailydialog │ │ ├── cornell │ │ │ └── process.py │ │ ├── cornell_tf │ │ │ └── process.py │ │ ├── dailydialog │ │ │ └── process.py │ │ ├── dailydialog_grade_transformer_generator │ │ │ └── ruber_score.json_dailydialog │ │ ├── dailydialog_grade_transformer_ranker │ │ │ └── ruber_score.json_dailydialog │ │ ├── dailydialog_tf │ │ │ └── process.py │ │ ├── empatheticdialogues_grade_transformer_generator │ │ │ └── ruber_score.json_dailydialog │ │ ├── empatheticdialogues_grade_transformer_ranker │ │ │ └── ruber_score.json_dailydialog │ │ ├── personachat_usr │ │ │ └── ruber_score.json_dailydialog │ │ └── topicalchat_usr │ │ │ └── ruber_score.json_dailydialog │ ├── hybird.py │ ├── reference_score.py │ ├── run.sh │ ├── run_eval.sh │ ├── train_unreference.py │ ├── unreference_score.py │ └── utils.py ├── data_parser.py ├── git-push.sh └── parse_personachat.py ├── run_bert_as_service.sh ├── usl_dialogue_metric ├── .gitignore ├── LICENSE ├── README.md ├── data_parser.py ├── hiearchy.png ├── setup.py └── usl_score │ ├── __init__.py │ ├── data_utils.py │ ├── datasets.py │ ├── eval_single.sh │ ├── models │ ├── MLMScorer.py │ ├── NUPScorer.py │ ├── VUPScorer.py │ ├── __init__.py │ ├── composite.py │ └── distinct.py │ ├── normalize.py │ ├── predict.py │ ├── predict_single.py │ ├── scorer.py │ └── train.py ├── usr_fed ├── .gitignore ├── README.md ├── dialog_parser.py ├── fed │ ├── Dockerfile │ ├── bootstrap.sh │ ├── build_docker.sh │ ├── fed.py │ ├── fed_demo.py │ ├── fed_org.py │ ├── fed_server.py │ ├── fedserverlog.tmp │ └── run_docker.sh ├── test_data │ ├── dialog_parser.py │ └── gen_finetune.py ├── test_server.py ├── test_server.sh └── usr │ ├── Dockerfile │ ├── arguments.py │ ├── benchmarks.py │ ├── bootstrap.sh │ ├── build_docker.sh │ ├── download_data.py │ ├── dr_api.py │ ├── finetune_mlm.sh │ ├── finetuning.py │ ├── mlm_api.py │ ├── regr.pkl │ ├── regression.py │ ├── run_docker.sh │ ├── test.py │ ├── test_examples.py │ ├── transformers │ ├── __init__.py │ ├── __main__.py │ ├── configuration_auto.py │ ├── configuration_bert.py │ ├── configuration_ctrl.py │ ├── configuration_distilbert.py │ ├── configuration_gpt2.py │ ├── configuration_openai.py │ ├── configuration_roberta.py │ ├── configuration_transfo_xl.py │ ├── configuration_utils.py │ ├── configuration_xlm.py │ ├── configuration_xlnet.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_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 │ │ └── processors │ │ │ ├── __init__.py │ │ │ ├── glue.py │ │ │ └── utils.py │ ├── file_utils.py │ ├── modeling_auto.py │ ├── modeling_beam_search.py │ ├── modeling_bert.py │ ├── modeling_ctrl.py │ ├── modeling_distilbert.py │ ├── modeling_encoder_decoder.py │ ├── modeling_gpt2.py │ ├── modeling_openai.py │ ├── modeling_roberta.py │ ├── modeling_tf_auto.py │ ├── modeling_tf_bert.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_transfo_xl.py │ ├── modeling_tf_transfo_xl_utilities.py │ ├── modeling_tf_utils.py │ ├── modeling_tf_xlm.py │ ├── modeling_tf_xlnet.py │ ├── modeling_transfo_xl.py │ ├── modeling_transfo_xl_utilities.py │ ├── modeling_utils.py │ ├── modeling_xlm.py │ ├── modeling_xlnet.py │ ├── optimization.py │ ├── tests │ │ ├── __init__.py │ │ ├── configuration_common_test.py │ │ ├── conftest.py │ │ ├── fixtures │ │ │ └── test_sentencepiece.model │ │ ├── modeling_auto_test.py │ │ ├── modeling_bert_test.py │ │ ├── modeling_common_test.py │ │ ├── modeling_ctrl_test.py │ │ ├── modeling_distilbert_test.py │ │ ├── modeling_encoder_decoder_test.py │ │ ├── modeling_gpt2_test.py │ │ ├── modeling_openai_test.py │ │ ├── modeling_roberta_test.py │ │ ├── modeling_tf_auto_test.py │ │ ├── modeling_tf_bert_test.py │ │ ├── modeling_tf_common_test.py │ │ ├── modeling_tf_ctrl_test.py │ │ ├── modeling_tf_distilbert_test.py │ │ ├── modeling_tf_gpt2_test.py │ │ ├── modeling_tf_openai_gpt_test.py │ │ ├── modeling_tf_roberta_test.py │ │ ├── modeling_tf_transfo_xl_test.py │ │ ├── modeling_tf_xlm_test.py │ │ ├── modeling_tf_xlnet_test.py │ │ ├── modeling_transfo_xl_test.py │ │ ├── modeling_xlm_test.py │ │ ├── modeling_xlnet_test.py │ │ ├── optimization_test.py │ │ ├── tokenization_auto_test.py │ │ ├── tokenization_bert_test.py │ │ ├── tokenization_ctrl_test.py │ │ ├── tokenization_distilbert_test.py │ │ ├── tokenization_gpt2_test.py │ │ ├── tokenization_openai_test.py │ │ ├── tokenization_roberta_test.py │ │ ├── tokenization_tests_commons.py │ │ ├── tokenization_transfo_xl_test.py │ │ ├── tokenization_utils_test.py │ │ ├── tokenization_xlm_test.py │ │ └── tokenization_xlnet_test.py │ ├── tokenization_auto.py │ ├── tokenization_bert.py │ ├── tokenization_ctrl.py │ ├── tokenization_distilbert.py │ ├── tokenization_gpt2.py │ ├── tokenization_openai.py │ ├── tokenization_roberta.py │ ├── tokenization_transfo_xl.py │ ├── tokenization_utils.py │ ├── tokenization_xlm.py │ └── tokenization_xlnet.py │ ├── usr.py │ └── usr_server.py └── usr_fed_metric.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/.gitignore -------------------------------------------------------------------------------- /FlowScore/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/FlowScore/README.md -------------------------------------------------------------------------------- /FlowScore/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/FlowScore/data_parser.py -------------------------------------------------------------------------------- /FlowScore/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/FlowScore/eval.py -------------------------------------------------------------------------------- /FlowScore/eval_result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/FlowScore/eval_result.py -------------------------------------------------------------------------------- /FlowScore/eval_single.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/FlowScore/eval_single.py -------------------------------------------------------------------------------- /FlowScore/flow_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/FlowScore/flow_score.py -------------------------------------------------------------------------------- /FlowScore/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/FlowScore/model.py -------------------------------------------------------------------------------- /PONE/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/.gitignore -------------------------------------------------------------------------------- /PONE/PONE/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/README.md -------------------------------------------------------------------------------- /PONE/PONE/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /PONE/PONE/bm25_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/bm25_utils.py -------------------------------------------------------------------------------- /PONE/PONE/es.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/es.py -------------------------------------------------------------------------------- /PONE/PONE/hybird.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/hybird.py -------------------------------------------------------------------------------- /PONE/PONE/reference_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/reference_score.py -------------------------------------------------------------------------------- /PONE/PONE/result.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/result.ipynb -------------------------------------------------------------------------------- /PONE/PONE/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/run.sh -------------------------------------------------------------------------------- /PONE/PONE/run_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/run_eval.sh -------------------------------------------------------------------------------- /PONE/PONE/train_unreference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/train_unreference.py -------------------------------------------------------------------------------- /PONE/PONE/unreference_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/unreference_score.py -------------------------------------------------------------------------------- /PONE/PONE/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/PONE/utils.py -------------------------------------------------------------------------------- /PONE/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/README.md -------------------------------------------------------------------------------- /PONE/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/data_parser.py -------------------------------------------------------------------------------- /PONE/git-push.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/git-push.sh -------------------------------------------------------------------------------- /PONE/similarity_bert/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/similarity_bert/main.py -------------------------------------------------------------------------------- /PONE/similarity_bert/result.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/PONE/similarity_bert/result.ipynb -------------------------------------------------------------------------------- /PONE/similarity_bert/run.sh: -------------------------------------------------------------------------------- 1 | CUDA_VISIBLE_DEVICES=3 python main.py 2 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/README.md -------------------------------------------------------------------------------- /__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /adem_eval/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/Dockerfile -------------------------------------------------------------------------------- /adem_eval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/README.md -------------------------------------------------------------------------------- /adem_eval/apply_bpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/apply_bpe.py -------------------------------------------------------------------------------- /adem_eval/entry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/entry.py -------------------------------------------------------------------------------- /adem_eval/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/eval.py -------------------------------------------------------------------------------- /adem_eval/experiments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/experiments.py -------------------------------------------------------------------------------- /adem_eval/interactive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/interactive.py -------------------------------------------------------------------------------- /adem_eval/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/models.py -------------------------------------------------------------------------------- /adem_eval/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/preprocess.py -------------------------------------------------------------------------------- /adem_eval/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/pretrain.py -------------------------------------------------------------------------------- /adem_eval/score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/score.py -------------------------------------------------------------------------------- /adem_eval/script/test_entry.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/script/test_entry.sh -------------------------------------------------------------------------------- /adem_eval/server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/server.py -------------------------------------------------------------------------------- /adem_eval/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/train.py -------------------------------------------------------------------------------- /adem_eval/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/utils.py -------------------------------------------------------------------------------- /adem_eval/vhred/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred/README.md -------------------------------------------------------------------------------- /adem_eval/vhred_py/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /adem_eval/vhred_py/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/adam.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/eval_model_hred.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/eval_model_hred.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/eval_model_hred_fair.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/eval_model_hred_fair.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/hred_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/hred_encoder.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/model.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/numpy_compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/numpy_compat.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/tfidf_retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/tfidf_retrieval.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/train.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/unfair_eval_model_hred.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/unfair_eval_model_hred.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/utils.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/vhred_compute_dialogue_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/vhred_compute_dialogue_embeddings.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/vhred_dialog_encdec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/vhred_dialog_encdec.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/vhred_retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/vhred_retrieval.py -------------------------------------------------------------------------------- /adem_eval/vhred_py/vhred_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/adem_eval/vhred_py/vhred_state.py -------------------------------------------------------------------------------- /am_fm/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/.gitignore -------------------------------------------------------------------------------- /am_fm/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/LICENSE -------------------------------------------------------------------------------- /am_fm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/README.md -------------------------------------------------------------------------------- /am_fm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /am_fm/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/data_parser.py -------------------------------------------------------------------------------- /am_fm/engines/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /am_fm/engines/embedding_models/bert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /am_fm/engines/embedding_models/bert/calc_am.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/embedding_models/bert/calc_am.py -------------------------------------------------------------------------------- /am_fm/engines/embedding_models/bert/extract_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/embedding_models/bert/extract_features.py -------------------------------------------------------------------------------- /am_fm/engines/embedding_models/bert/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/embedding_models/bert/modeling.py -------------------------------------------------------------------------------- /am_fm/engines/embedding_models/bert/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/embedding_models/bert/optimization.py -------------------------------------------------------------------------------- /am_fm/engines/embedding_models/bert/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/embedding_models/bert/run_pretraining.py -------------------------------------------------------------------------------- /am_fm/engines/embedding_models/bert/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/embedding_models/bert/tokenization.py -------------------------------------------------------------------------------- /am_fm/engines/embedding_models/sbert/make_multilingual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/embedding_models/sbert/make_multilingual.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/ngram/calc_fm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/ngram/calc_fm.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/ngram/configuration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/ngram/configuration.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/ngram/create_vocab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/ngram/create_vocab.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/ngram/lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/ngram/lm.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/rnnlm/calc_fm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/rnnlm/calc_fm.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/rnnlm/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/rnnlm/main.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/rnnlm/main_fix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/rnnlm/main_fix.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/rnnlm/main_padding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/rnnlm/main_padding.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/rnnlm/word2vec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/rnnlm/word2vec.py -------------------------------------------------------------------------------- /am_fm/engines/language_models/xlmr/run_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/engines/language_models/xlmr/run_lm.py -------------------------------------------------------------------------------- /am_fm/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/README.md -------------------------------------------------------------------------------- /am_fm/examples/dstc6/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/dstc6/README.md -------------------------------------------------------------------------------- /am_fm/examples/dstc6/create_eval_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/dstc6/create_eval_data.py -------------------------------------------------------------------------------- /am_fm/examples/dstc6/create_raw_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/dstc6/create_raw_data.py -------------------------------------------------------------------------------- /am_fm/examples/dstc6/images/combine_am_fm.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/dstc6/images/combine_am_fm.jpg -------------------------------------------------------------------------------- /am_fm/examples/dstc6/images/table1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/dstc6/images/table1.jpg -------------------------------------------------------------------------------- /am_fm/examples/dstc6/images/table2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/dstc6/images/table2.jpg -------------------------------------------------------------------------------- /am_fm/examples/dstc6/images/table3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/dstc6/images/table3.jpg -------------------------------------------------------------------------------- /am_fm/examples/dstc6/images/table4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/am_fm/examples/dstc6/images/table4.jpg -------------------------------------------------------------------------------- /baseline_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/baseline_metric.py -------------------------------------------------------------------------------- /bleurt/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/LICENSE -------------------------------------------------------------------------------- /bleurt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/README.md -------------------------------------------------------------------------------- /bleurt/bleurt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/__init__.py -------------------------------------------------------------------------------- /bleurt/bleurt/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/checkpoint.py -------------------------------------------------------------------------------- /bleurt/bleurt/encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/encoding.py -------------------------------------------------------------------------------- /bleurt/bleurt/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/finetune.py -------------------------------------------------------------------------------- /bleurt/bleurt/finetune_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/finetune_test.py -------------------------------------------------------------------------------- /bleurt/bleurt/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/model.py -------------------------------------------------------------------------------- /bleurt/bleurt/score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/score.py -------------------------------------------------------------------------------- /bleurt/bleurt/score_not_eager_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/score_not_eager_test.py -------------------------------------------------------------------------------- /bleurt/bleurt/score_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/score_test.py -------------------------------------------------------------------------------- /bleurt/bleurt/test_checkpoint/saved_model.pb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/test_checkpoint/saved_model.pb -------------------------------------------------------------------------------- /bleurt/bleurt/test_checkpoint/variables/variables.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/test_checkpoint/variables/variables.index -------------------------------------------------------------------------------- /bleurt/bleurt/test_data/candidates: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/test_data/candidates -------------------------------------------------------------------------------- /bleurt/bleurt/test_data/ratings_dev.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/test_data/ratings_dev.jsonl -------------------------------------------------------------------------------- /bleurt/bleurt/test_data/ratings_train.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/test_data/ratings_train.jsonl -------------------------------------------------------------------------------- /bleurt/bleurt/test_data/references: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/test_data/references -------------------------------------------------------------------------------- /bleurt/bleurt/wmt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/wmt/__init__.py -------------------------------------------------------------------------------- /bleurt/bleurt/wmt/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/wmt/benchmark.py -------------------------------------------------------------------------------- /bleurt/bleurt/wmt/db_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/wmt/db_builder.py -------------------------------------------------------------------------------- /bleurt/bleurt/wmt/downloaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/wmt/downloaders.py -------------------------------------------------------------------------------- /bleurt/bleurt/wmt/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/bleurt/wmt/evaluator.py -------------------------------------------------------------------------------- /bleurt/contributing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/contributing.md -------------------------------------------------------------------------------- /bleurt/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/bleurt/setup.py -------------------------------------------------------------------------------- /conda_envs/dialogrpt/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/dialogrpt/environment.yml -------------------------------------------------------------------------------- /conda_envs/dialogrpt/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/dialogrpt/spec_file.txt -------------------------------------------------------------------------------- /conda_envs/eval_base/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/eval_base/environment.yml -------------------------------------------------------------------------------- /conda_envs/eval_base/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/eval_base/spec_file.txt -------------------------------------------------------------------------------- /conda_envs/flow_eval/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/flow_eval/environment.yml -------------------------------------------------------------------------------- /conda_envs/flow_eval/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/flow_eval/spec_file.txt -------------------------------------------------------------------------------- /conda_envs/gcn/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/gcn/environment.yml -------------------------------------------------------------------------------- /conda_envs/gcn/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/gcn/spec_file.txt -------------------------------------------------------------------------------- /conda_envs/grade_eval/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/grade_eval/environment.yml -------------------------------------------------------------------------------- /conda_envs/grade_eval/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/grade_eval/spec_file.txt -------------------------------------------------------------------------------- /conda_envs/holistic_eval/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/holistic_eval/environment.yml -------------------------------------------------------------------------------- /conda_envs/holistic_eval/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/holistic_eval/spec_file.txt -------------------------------------------------------------------------------- /conda_envs/questeval/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/questeval/environment.yml -------------------------------------------------------------------------------- /conda_envs/questeval/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/questeval/spec_file.txt -------------------------------------------------------------------------------- /conda_envs/ruber_eval/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/ruber_eval/environment.yml -------------------------------------------------------------------------------- /conda_envs/ruber_eval/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/ruber_eval/spec_file.txt -------------------------------------------------------------------------------- /conda_envs/usl_eval/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/usl_eval/environment.yml -------------------------------------------------------------------------------- /conda_envs/usl_eval/spec_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/conda_envs/usl_eval/spec_file.txt -------------------------------------------------------------------------------- /data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data/dstc6_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data/dstc6_data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/dstc6_data/data_loader.py -------------------------------------------------------------------------------- /data/dstc9_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data/dstc9_data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/dstc9_data/data_loader.py -------------------------------------------------------------------------------- /data/dstc9_data/ponses: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/dstc9_data/ponses -------------------------------------------------------------------------------- /data/engage_data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/engage_data/data_loader.py -------------------------------------------------------------------------------- /data/fed_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data/fed_data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/fed_data/data_loader.py -------------------------------------------------------------------------------- /data/grade_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data/grade_data/compute_correlation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/grade_data/compute_correlation.sh -------------------------------------------------------------------------------- /data/grade_data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/grade_data/data_loader.py -------------------------------------------------------------------------------- /data/grade_data/human_correlation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/grade_data/human_correlation.py -------------------------------------------------------------------------------- /data/holistic_data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/holistic_data/data_loader.py -------------------------------------------------------------------------------- /data/usr_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data/usr_data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/usr_data/data_loader.py -------------------------------------------------------------------------------- /data/usr_data/human_correlation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/data/usr_data/human_correlation.py -------------------------------------------------------------------------------- /deb/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/README.md -------------------------------------------------------------------------------- /deb/create_tfrecord_data_from_json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/create_tfrecord_data_from_json.py -------------------------------------------------------------------------------- /deb/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/data_parser.py -------------------------------------------------------------------------------- /deb/deb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/deb.py -------------------------------------------------------------------------------- /deb/extract_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/extract_features.py -------------------------------------------------------------------------------- /deb/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/modeling.py -------------------------------------------------------------------------------- /deb/modeling_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/modeling_test.py -------------------------------------------------------------------------------- /deb/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/optimization.py -------------------------------------------------------------------------------- /deb/optimization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/optimization_test.py -------------------------------------------------------------------------------- /deb/run_create_tfrecord_data_from_json.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/run_create_tfrecord_data_from_json.sh -------------------------------------------------------------------------------- /deb/run_deb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/run_deb.sh -------------------------------------------------------------------------------- /deb/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/tokenization.py -------------------------------------------------------------------------------- /deb/tokenization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/deb/tokenization_test.py -------------------------------------------------------------------------------- /dialogrpt/.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/.gitattributes -------------------------------------------------------------------------------- /dialogrpt/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/.gitignore -------------------------------------------------------------------------------- /dialogrpt/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/LICENSE -------------------------------------------------------------------------------- /dialogrpt/README.md: -------------------------------------------------------------------------------- 1 | # DialogRPT 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /dialogrpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dialogrpt/data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/data.sh -------------------------------------------------------------------------------- /dialogrpt/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/data_parser.py -------------------------------------------------------------------------------- /dialogrpt/doc/DialogRPT-EMNLP.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/doc/DialogRPT-EMNLP.pdf -------------------------------------------------------------------------------- /dialogrpt/doc/demo.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/doc/demo.PNG -------------------------------------------------------------------------------- /dialogrpt/doc/icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/doc/icon.png -------------------------------------------------------------------------------- /dialogrpt/doc/toy.tsv.ensemble.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/doc/toy.tsv.ensemble.jsonl -------------------------------------------------------------------------------- /dialogrpt/doc/toy.tsv.ranked.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/doc/toy.tsv.ranked.jsonl -------------------------------------------------------------------------------- /dialogrpt/doc/toy.tsv.updown.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/doc/toy.tsv.updown.jsonl -------------------------------------------------------------------------------- /dialogrpt/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/eval.sh -------------------------------------------------------------------------------- /dialogrpt/src/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/data.py -------------------------------------------------------------------------------- /dialogrpt/src/feeder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/feeder.py -------------------------------------------------------------------------------- /dialogrpt/src/generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/generation.py -------------------------------------------------------------------------------- /dialogrpt/src/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/main.py -------------------------------------------------------------------------------- /dialogrpt/src/master.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/master.py -------------------------------------------------------------------------------- /dialogrpt/src/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/model.py -------------------------------------------------------------------------------- /dialogrpt/src/score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/score.py -------------------------------------------------------------------------------- /dialogrpt/src/shared.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/shared.py -------------------------------------------------------------------------------- /dialogrpt/src/transformers19/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/transformers19/__init__.py -------------------------------------------------------------------------------- /dialogrpt/src/transformers19/configuration_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/transformers19/configuration_gpt2.py -------------------------------------------------------------------------------- /dialogrpt/src/transformers19/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/transformers19/configuration_utils.py -------------------------------------------------------------------------------- /dialogrpt/src/transformers19/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/transformers19/file_utils.py -------------------------------------------------------------------------------- /dialogrpt/src/transformers19/modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/transformers19/modeling_gpt2.py -------------------------------------------------------------------------------- /dialogrpt/src/transformers19/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/transformers19/modeling_utils.py -------------------------------------------------------------------------------- /dialogrpt/src/transformers19/tokenization_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/transformers19/tokenization_gpt2.py -------------------------------------------------------------------------------- /dialogrpt/src/transformers19/tokenization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dialogrpt/src/transformers19/tokenization_utils.py -------------------------------------------------------------------------------- /dynaeval/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/.gitignore -------------------------------------------------------------------------------- /dynaeval/GCN.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/GCN.jpg -------------------------------------------------------------------------------- /dynaeval/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/LICENSE -------------------------------------------------------------------------------- /dynaeval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/README.md -------------------------------------------------------------------------------- /dynaeval/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dynaeval/create_eval_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/create_eval_data.py -------------------------------------------------------------------------------- /dynaeval/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/data_parser.py -------------------------------------------------------------------------------- /dynaeval/dgcn/Coach.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/Coach.py -------------------------------------------------------------------------------- /dynaeval/dgcn/Dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/Dataset.py -------------------------------------------------------------------------------- /dynaeval/dgcn/Optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/Optim.py -------------------------------------------------------------------------------- /dynaeval/dgcn/Sample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/Sample.py -------------------------------------------------------------------------------- /dynaeval/dgcn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/__init__.py -------------------------------------------------------------------------------- /dynaeval/dgcn/model/Classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/model/Classifier.py -------------------------------------------------------------------------------- /dynaeval/dgcn/model/DialogueGCN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/model/DialogueGCN.py -------------------------------------------------------------------------------- /dynaeval/dgcn/model/EdgeAtt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/model/EdgeAtt.py -------------------------------------------------------------------------------- /dynaeval/dgcn/model/GCN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/model/GCN.py -------------------------------------------------------------------------------- /dynaeval/dgcn/model/SeqContext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/model/SeqContext.py -------------------------------------------------------------------------------- /dynaeval/dgcn/model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dynaeval/dgcn/model/functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/model/functions.py -------------------------------------------------------------------------------- /dynaeval/dgcn/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/dgcn/utils.py -------------------------------------------------------------------------------- /dynaeval/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/environment.yml -------------------------------------------------------------------------------- /dynaeval/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/eval.py -------------------------------------------------------------------------------- /dynaeval/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/eval.sh -------------------------------------------------------------------------------- /dynaeval/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/preprocess.py -------------------------------------------------------------------------------- /dynaeval/score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/score.py -------------------------------------------------------------------------------- /dynaeval/score.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/score.sh -------------------------------------------------------------------------------- /dynaeval/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/train.py -------------------------------------------------------------------------------- /dynaeval/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/dynaeval/train.sh -------------------------------------------------------------------------------- /eval_metrics.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/eval_metrics.sh -------------------------------------------------------------------------------- /fbd/README.md: -------------------------------------------------------------------------------- 1 | # FBD -------------------------------------------------------------------------------- /fbd/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fbd/baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/baseline.py -------------------------------------------------------------------------------- /fbd/bert_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/bert_score/__init__.py -------------------------------------------------------------------------------- /fbd/bert_score/score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/bert_score/score.py -------------------------------------------------------------------------------- /fbd/bert_score/scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/bert_score/scorer.py -------------------------------------------------------------------------------- /fbd/bert_score/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/bert_score/utils.py -------------------------------------------------------------------------------- /fbd/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/data_parser.py -------------------------------------------------------------------------------- /fbd/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/eval.sh -------------------------------------------------------------------------------- /fbd/eval_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/eval_metric.py -------------------------------------------------------------------------------- /fbd/fbd_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/fbd_score.py -------------------------------------------------------------------------------- /fbd/normality.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/normality.py -------------------------------------------------------------------------------- /fbd/prd_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/prd_score.py -------------------------------------------------------------------------------- /fbd/tokenizeChinese.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/tokenizeChinese.py -------------------------------------------------------------------------------- /fbd/unit_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/unit_test.sh -------------------------------------------------------------------------------- /fbd/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/fbd/utils.py -------------------------------------------------------------------------------- /gen_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/gen_data.py -------------------------------------------------------------------------------- /grade/.gitignore: -------------------------------------------------------------------------------- 1 | output/ 2 | *.pyc 3 | __pycache__ 4 | tools/ 5 | .vscode -------------------------------------------------------------------------------- /grade/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/README.md -------------------------------------------------------------------------------- /grade/config/config_data_for_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/config/config_data_for_metric.py -------------------------------------------------------------------------------- /grade/config/config_data_grade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/config/config_data_grade.py -------------------------------------------------------------------------------- /grade/config/config_model_grade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/config/config_model_grade.py -------------------------------------------------------------------------------- /grade/data/.gitignore: -------------------------------------------------------------------------------- 1 | *.pkl -------------------------------------------------------------------------------- /grade/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/data_parser.py -------------------------------------------------------------------------------- /grade/evaluation/human_correlation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/evaluation/human_correlation.py -------------------------------------------------------------------------------- /grade/evaluation/merge_keyword_and_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/evaluation/merge_keyword_and_text.py -------------------------------------------------------------------------------- /grade/extract_kw.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/extract_kw.sh -------------------------------------------------------------------------------- /grade/images/GRADE.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/images/GRADE.png -------------------------------------------------------------------------------- /grade/main_for_metric_grade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/main_for_metric_grade.py -------------------------------------------------------------------------------- /grade/main_grade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/main_grade.py -------------------------------------------------------------------------------- /grade/model/evaluation_model/GRADE/model_grade_K1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/model/evaluation_model/GRADE/model_grade_K1.py -------------------------------------------------------------------------------- /grade/model/evaluation_model/GRADE/model_grade_K2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/model/evaluation_model/GRADE/model_grade_K2.py -------------------------------------------------------------------------------- /grade/model/evaluation_model/GRADE/model_util/GAT.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/model/evaluation_model/GRADE/model_util/GAT.py -------------------------------------------------------------------------------- /grade/model/evaluation_model/GRADE/model_util/GCN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/model/evaluation_model/GRADE/model_util/GCN.py -------------------------------------------------------------------------------- /grade/preprocess/IndexCreate.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/IndexCreate.java -------------------------------------------------------------------------------- /grade/preprocess/IndexSearch.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/IndexSearch.java -------------------------------------------------------------------------------- /grade/preprocess/dataset/dailydialog/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/dataset/dailydialog/.DS_Store -------------------------------------------------------------------------------- /grade/preprocess/dataset/download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/dataset/download.sh -------------------------------------------------------------------------------- /grade/preprocess/dialog_data_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/dialog_data_processor.py -------------------------------------------------------------------------------- /grade/preprocess/extract_keywords.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/extract_keywords.py -------------------------------------------------------------------------------- /grade/preprocess/keyword_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/keyword_extractor.py -------------------------------------------------------------------------------- /grade/preprocess/load_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/load_data.py -------------------------------------------------------------------------------- /grade/preprocess/prepare_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/prepare_data.py -------------------------------------------------------------------------------- /grade/preprocess/prepare_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/prepare_data.sh -------------------------------------------------------------------------------- /grade/preprocess/prepare_pkl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/prepare_pkl.py -------------------------------------------------------------------------------- /grade/preprocess/prepare_pkl_for_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/prepare_pkl_for_metric.py -------------------------------------------------------------------------------- /grade/preprocess/utils/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/utils/data_utils.py -------------------------------------------------------------------------------- /grade/preprocess/utils/data_utils_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/utils/data_utils_metric.py -------------------------------------------------------------------------------- /grade/preprocess/utils/load_data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/preprocess/utils/load_data_utils.py -------------------------------------------------------------------------------- /grade/run_single.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/run_single.sh -------------------------------------------------------------------------------- /grade/script/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/eval.sh -------------------------------------------------------------------------------- /grade/script/eval_sh/Compute_GRADE_K1_N10.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/eval_sh/Compute_GRADE_K1_N10.sh -------------------------------------------------------------------------------- /grade/script/eval_sh/Compute_GRADE_K1_N20.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/eval_sh/Compute_GRADE_K1_N20.sh -------------------------------------------------------------------------------- /grade/script/eval_sh/Compute_GRADE_K2_N10_N10.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/eval_sh/Compute_GRADE_K2_N10_N10.sh -------------------------------------------------------------------------------- /grade/script/eval_sh/Compute_GRADE_K2_N20_N20.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/eval_sh/Compute_GRADE_K2_N20_N20.sh -------------------------------------------------------------------------------- /grade/script/inference.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/inference.sh -------------------------------------------------------------------------------- /grade/script/inference_sh/Compute_GRADE_K1_N10.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/inference_sh/Compute_GRADE_K1_N10.sh -------------------------------------------------------------------------------- /grade/script/inference_sh/Compute_GRADE_K1_N20.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/inference_sh/Compute_GRADE_K1_N20.sh -------------------------------------------------------------------------------- /grade/script/inference_sh/Compute_GRADE_K2_N10_N10.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/inference_sh/Compute_GRADE_K2_N10_N10.sh -------------------------------------------------------------------------------- /grade/script/inference_sh/Compute_GRADE_K2_N20_N20.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/inference_sh/Compute_GRADE_K2_N20_N20.sh -------------------------------------------------------------------------------- /grade/script/preprocess_training_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/preprocess_training_dataset.sh -------------------------------------------------------------------------------- /grade/script/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/train.sh -------------------------------------------------------------------------------- /grade/script/train_sh/GRADE_K1_N10.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/train_sh/GRADE_K1_N10.sh -------------------------------------------------------------------------------- /grade/script/train_sh/GRADE_K1_N20.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/train_sh/GRADE_K1_N20.sh -------------------------------------------------------------------------------- /grade/script/train_sh/GRADE_K2_N10_N10.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/train_sh/GRADE_K2_N10_N10.sh -------------------------------------------------------------------------------- /grade/script/train_sh/GRADE_K2_N20_N20.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/script/train_sh/GRADE_K2_N20_N20.sh -------------------------------------------------------------------------------- /grade/setting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/setting.py -------------------------------------------------------------------------------- /grade/texar-pytorch/.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/.flake8 -------------------------------------------------------------------------------- /grade/texar-pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/.gitignore -------------------------------------------------------------------------------- /grade/texar-pytorch/.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/.pylintrc -------------------------------------------------------------------------------- /grade/texar-pytorch/.readthedocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/.readthedocs.yml -------------------------------------------------------------------------------- /grade/texar-pytorch/.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/.travis.yml -------------------------------------------------------------------------------- /grade/texar-pytorch/CHANGELOG.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/CHANGELOG.md -------------------------------------------------------------------------------- /grade/texar-pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/LICENSE -------------------------------------------------------------------------------- /grade/texar-pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/bin/utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/bin/utils/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/bin/utils/apply_bpe: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/bin/utils/apply_bpe -------------------------------------------------------------------------------- /grade/texar-pytorch/bin/utils/learn_bpe: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/bin/utils/learn_bpe -------------------------------------------------------------------------------- /grade/texar-pytorch/bin/utils/multi-bleu.perl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/bin/utils/multi-bleu.perl -------------------------------------------------------------------------------- /grade/texar-pytorch/bin/utils/spm_decode: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/bin/utils/spm_decode -------------------------------------------------------------------------------- /grade/texar-pytorch/bin/utils/spm_encode: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/bin/utils/spm_encode -------------------------------------------------------------------------------- /grade/texar-pytorch/bin/utils/spm_train: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/bin/utils/spm_train -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/Makefile -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/_static/css/custom_theme.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/_static/css/custom_theme.css -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/_static/img/logo_h.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/_static/img/logo_h.png -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/_static/img/logo_h_035.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/_static/img/logo_h_035.png -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/_static/img/texar_stack.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/_static/img/texar_stack.png -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/code/core.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/code/core.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/code/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/code/data.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/code/evals.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/code/evals.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/code/hyperparams.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/code/hyperparams.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/code/losses.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/code/losses.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/code/modules.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/code/modules.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/code/run.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/code/run.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/code/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/code/utils.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/conf.py -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/examples.md -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/get_started.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/get_started.md -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/index.rst -------------------------------------------------------------------------------- /grade/texar-pytorch/docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/docs/make.bat -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/.gitignore -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/bert_classifier_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/bert_classifier_main.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/config_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/config_classifier.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/config_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/config_data.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/data/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/prepare_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/prepare_data.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/tbx.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/tbx.png -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/utils/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/utils/data_utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/bert/utils/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/bert/utils/model_utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/gpt-2/.gitignore: -------------------------------------------------------------------------------- 1 | /data/toy/*.pkl 2 | /output/ 3 | -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/gpt-2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/gpt-2/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/gpt-2/config_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/gpt-2/config_train.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/gpt-2/gpt2_generate_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/gpt-2/gpt2_generate_main.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/gpt-2/gpt2_train_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/gpt-2/gpt2_train_main.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/gpt-2/prepare_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/gpt-2/prepare_data.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/gpt-2/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/gpt-2/utils/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/gpt-2/utils/data_utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/sentence_classifier/.gitignore: -------------------------------------------------------------------------------- 1 | /data 2 | -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/seq2seq_attn/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/seq2seq_attn/.gitignore -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/seq2seq_attn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/seq2seq_attn/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/seq2seq_attn/config_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/seq2seq_attn/config_model.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/seq2seq_attn/prepare_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/seq2seq_attn/prepare_data.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/seq2seq_attn/seq2seq_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/seq2seq_attn/seq2seq_attn.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/transformer/.gitignore: -------------------------------------------------------------------------------- 1 | /data/ 2 | /temp/ 3 | /outputs/ 4 | -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/transformer/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/transformer/bleu_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/transformer/bleu_main.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/transformer/config_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/transformer/config_model.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/transformer/config_wmt14.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/transformer/config_wmt14.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/transformer/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/transformer/model.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/transformer/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/transformer/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/transformer/utils/utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/vae_text/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/vae_text/.gitignore -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/vae_text/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/vae_text/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/vae_text/config_lstm_ptb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/vae_text/config_lstm_ptb.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/vae_text/config_trans_ptb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/vae_text/config_trans_ptb.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/vae_text/prepare_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/vae_text/prepare_data.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/vae_text/vae_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/vae_text/vae_train.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/xlnet/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/xlnet/.gitignore -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/xlnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/xlnet/README.md -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/xlnet/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/xlnet/utils/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/xlnet/utils/data_utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/xlnet/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/xlnet/utils/dataset.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/xlnet/utils/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/xlnet/utils/model_utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/examples/xlnet/utils/processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/examples/xlnet/utils/processor.py -------------------------------------------------------------------------------- /grade/texar-pytorch/mypy.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/mypy.ini -------------------------------------------------------------------------------- /grade/texar-pytorch/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/setup.py -------------------------------------------------------------------------------- /grade/texar-pytorch/stubs/torch/__init__.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/stubs/torch/__init__.pyi -------------------------------------------------------------------------------- /grade/texar-pytorch/stubs/torch/nn/__init__.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/stubs/torch/nn/__init__.pyi -------------------------------------------------------------------------------- /grade/texar-pytorch/stubs/torch/nn/modules/__init__.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/stubs/torch/nn/modules/__init__.pyi -------------------------------------------------------------------------------- /grade/texar-pytorch/stubs/torch/nn/modules/container.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/stubs/torch/nn/modules/container.pyi -------------------------------------------------------------------------------- /grade/texar-pytorch/stubs/torch/nn/modules/module.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/stubs/torch/nn/modules/module.pyi -------------------------------------------------------------------------------- /grade/texar-pytorch/stubs/torch/nn/parameter.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/stubs/torch/nn/parameter.pyi -------------------------------------------------------------------------------- /grade/texar-pytorch/stubs/torch/optim/__init__.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/stubs/torch/optim/__init__.pyi -------------------------------------------------------------------------------- /grade/texar-pytorch/stubs/torch/optim/lr_scheduler.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/stubs/torch/optim/lr_scheduler.pyi -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/core/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/core/cell_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/core/cell_wrappers.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/core/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/core/layers.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/core/layers_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/core/layers_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/core/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/core/optimization.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/core/optimization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/core/optimization_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/core/regularizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/core/regularizers.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/core/regularizers_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/core/regularizers_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/custom/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/custom/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/custom/activation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/custom/activation.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/custom/distributions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/custom/distributions.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/custom/initializers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/custom/initializers.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/data/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/data/data_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/data/data_base.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/data/record_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/data/record_data.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/data/scalar_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/data/scalar_data.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/data_utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/embedding.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/embedding_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/embedding_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/vocabulary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/vocabulary.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/data/vocabulary_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/data/vocabulary_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/evals/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/evals/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/evals/bleu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/evals/bleu.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/evals/bleu_moses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/evals/bleu_moses.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/evals/bleu_moses_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/evals/bleu_moses_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/evals/bleu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/evals/bleu_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/evals/bleu_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/evals/bleu_transformer.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/evals/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/evals/metrics.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/evals/metrics_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/evals/metrics_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/hyperparams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/hyperparams.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/hyperparams_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/hyperparams_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/adv_losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/adv_losses.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/adv_losses_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/adv_losses_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/entropy.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/entropy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/entropy_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/losses_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/losses_utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/mle_losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/mle_losses.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/mle_losses_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/mle_losses_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/pg_losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/pg_losses.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/pg_losses_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/pg_losses_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/rewards.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/rewards.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/losses/rewards_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/losses/rewards_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/module_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/module_base.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/modules/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/action.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/action.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/condition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/condition.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/condition_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/condition_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/executor.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/executor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/executor_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/executor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/executor_utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/metric/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/metric/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/metric/base_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/metric/base_metric.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/metric/generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/metric/generation.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/metric/regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/metric/regression.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/run/metric/summary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/run/metric/summary.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/__init__.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/average_recorder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/average_recorder.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/beam_search.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/beam_search_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/beam_search_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/dtypes.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/exceptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/exceptions.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/nest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/nest.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/rnn.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/rnn_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/rnn_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/shapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/shapes.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/shapes_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/shapes_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/types.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/utils.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/utils_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/utils_io.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/utils/utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/utils/utils_test.py -------------------------------------------------------------------------------- /grade/texar-pytorch/texar/torch/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/texar-pytorch/texar/torch/version.py -------------------------------------------------------------------------------- /grade/utils/__init__.py: -------------------------------------------------------------------------------- 1 | from .main_utils import * -------------------------------------------------------------------------------- /grade/utils/main_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/utils/main_utils.py -------------------------------------------------------------------------------- /grade/utils/normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/grade/utils/normalization.py -------------------------------------------------------------------------------- /holistic_eval/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/.gitignore -------------------------------------------------------------------------------- /holistic_eval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/README.md -------------------------------------------------------------------------------- /holistic_eval/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /holistic_eval/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/data_parser.py -------------------------------------------------------------------------------- /holistic_eval/diversity/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/diversity/README.md -------------------------------------------------------------------------------- /holistic_eval/diversity/diversity_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/diversity/diversity_evaluation.py -------------------------------------------------------------------------------- /holistic_eval/lm_fine_tuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/lm_fine_tuning.py -------------------------------------------------------------------------------- /holistic_eval/metrics_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/metrics_evaluation.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/.coveragerc -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/.gitignore -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/CONTRIBUTING.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/LICENSE -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include LICENSE 2 | -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/README.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docker/Dockerfile -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/Makefile -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/README.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/bertology.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/bertology.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/conf.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/examples.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/index.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/installation.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/migration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/migration.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/model_doc/auto.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/model_doc/auto.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/model_doc/bert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/model_doc/bert.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/model_doc/ctrl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/model_doc/ctrl.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/model_doc/gpt.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/model_doc/gpt.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/model_doc/gpt2.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/model_doc/gpt2.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/model_doc/xlm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/model_doc/xlm.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/multilingual.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/multilingual.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/notebooks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/notebooks.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/quickstart.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/quickstart.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/serialization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/serialization.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/docs/source/torchscript.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/docs/source/torchscript.rst -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/download_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/download_model.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/README.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/contrib/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/contrib/README.md -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/contrib/run_swag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/contrib/run_swag.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/distillation/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/distillation/train.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/distillation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/distillation/utils.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/run_beam_order.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/run_beam_order.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/run_bertology.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/run_bertology.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/run_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/run_generation.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/run_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/run_glue.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/run_lm_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/run_lm_finetuning.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/run_ppl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/run_ppl.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/run_squad.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/run_tf_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/run_tf_glue.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/spearman.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/spearman.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/test_examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/test_examples.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/examples/utils_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/examples/utils_squad.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/hubconf.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/logic_eval_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/logic_eval_interface.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/setup.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/test.sh -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/__init__.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/__main__.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/data/__init__.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/file_utils.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/modeling_auto.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/modeling_bert.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/modeling_ctrl.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/modeling_gpt2.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/modeling_utils.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/modeling_xlm.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/modeling_xlnet.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/optimization.py -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /holistic_eval/roberta_mnli/transformers/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/roberta_mnli/transformers/tests/conftest.py -------------------------------------------------------------------------------- /holistic_eval/run_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/holistic_eval/run_eval.sh -------------------------------------------------------------------------------- /maude/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/.gitignore -------------------------------------------------------------------------------- /maude/CHANGELOG.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/CHANGELOG.md -------------------------------------------------------------------------------- /maude/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /maude/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/CONTRIBUTING.md -------------------------------------------------------------------------------- /maude/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/LICENSE -------------------------------------------------------------------------------- /maude/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/README.md -------------------------------------------------------------------------------- /maude/args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/args.py -------------------------------------------------------------------------------- /maude/backup/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maude/backup/ablation_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/ablation_models.py -------------------------------------------------------------------------------- /maude/backup/analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/analysis.py -------------------------------------------------------------------------------- /maude/backup/baselines/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maude/backup/baselines/ruber/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/baselines/ruber/README.md -------------------------------------------------------------------------------- /maude/backup/baselines/ruber/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maude/backup/baselines/ruber/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/baselines/ruber/model.py -------------------------------------------------------------------------------- /maude/backup/baselines/ruber/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/baselines/ruber/train.py -------------------------------------------------------------------------------- /maude/backup/baselines/ruber/train_word2vec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/baselines/ruber/train_word2vec.py -------------------------------------------------------------------------------- /maude/backup/corrupt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/corrupt.py -------------------------------------------------------------------------------- /maude/backup/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/models.py -------------------------------------------------------------------------------- /maude/backup/plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/plot.py -------------------------------------------------------------------------------- /maude/backup/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/backup/train.py -------------------------------------------------------------------------------- /maude/codes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/codes/README.md -------------------------------------------------------------------------------- /maude/codes/backtranslate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/codes/backtranslate.sh -------------------------------------------------------------------------------- /maude/codes/baseline_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/codes/baseline_models.py -------------------------------------------------------------------------------- /maude/codes/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/codes/inference.py -------------------------------------------------------------------------------- /maude/codes/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/codes/logger.py -------------------------------------------------------------------------------- /maude/codes/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/codes/models.py -------------------------------------------------------------------------------- /maude/codes/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/codes/net.py -------------------------------------------------------------------------------- /maude/codes/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/codes/trainer.py -------------------------------------------------------------------------------- /maude/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/data.py -------------------------------------------------------------------------------- /maude/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/data_parser.py -------------------------------------------------------------------------------- /maude/human_correlation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/human_correlation.ipynb -------------------------------------------------------------------------------- /maude/human_eval.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/human_eval.jsonl -------------------------------------------------------------------------------- /maude/logbook/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maude/logbook/filesystem_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/logbook/filesystem_logger.py -------------------------------------------------------------------------------- /maude/logbook/logbook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/logbook/logbook.py -------------------------------------------------------------------------------- /maude/logs/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maude/maude_eval.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/maude_eval.jsonl -------------------------------------------------------------------------------- /maude/run_grade_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/run_grade_eval.sh -------------------------------------------------------------------------------- /maude/run_inference.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/run_inference.sh -------------------------------------------------------------------------------- /maude/run_single.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/run_single.sh -------------------------------------------------------------------------------- /maude/run_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/run_test.sh -------------------------------------------------------------------------------- /maude/run_training.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/run_training.sh -------------------------------------------------------------------------------- /maude/scripts/compute_corrupt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/scripts/compute_corrupt.py -------------------------------------------------------------------------------- /maude/scripts/extract_task_based_samples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/scripts/extract_task_based_samples.py -------------------------------------------------------------------------------- /maude/scripts/fix_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/scripts/fix_data.py -------------------------------------------------------------------------------- /maude/scripts/interactive_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/scripts/interactive_file.py -------------------------------------------------------------------------------- /maude/scripts/run_trans.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/scripts/run_trans.sh -------------------------------------------------------------------------------- /maude/test_results.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/test_results.jsonl -------------------------------------------------------------------------------- /maude/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/maude/utils.py -------------------------------------------------------------------------------- /predictive_engagement/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/predictive_engagement/LICENSE -------------------------------------------------------------------------------- /predictive_engagement/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/predictive_engagement/README.md -------------------------------------------------------------------------------- /predictive_engagement/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /predictive_engagement/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/predictive_engagement/data_parser.py -------------------------------------------------------------------------------- /predictive_engagement/pytorch_src/create_utt_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/predictive_engagement/pytorch_src/create_utt_embed.py -------------------------------------------------------------------------------- /predictive_engagement/pytorch_src/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/predictive_engagement/pytorch_src/main.py -------------------------------------------------------------------------------- /predictive_engagement/pytorch_src/preprocess_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/predictive_engagement/pytorch_src/preprocess_data.py -------------------------------------------------------------------------------- /predictive_engagement/run_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/predictive_engagement/run_eval.sh -------------------------------------------------------------------------------- /questeval/.gitignore: -------------------------------------------------------------------------------- 1 | .idea 2 | *.egg-info 3 | dist/ -------------------------------------------------------------------------------- /questeval/README.md: -------------------------------------------------------------------------------- 1 | # QuestEval -------------------------------------------------------------------------------- /questeval/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/data_parser.py -------------------------------------------------------------------------------- /questeval/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/eval.py -------------------------------------------------------------------------------- /questeval/examples/data/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/examples/figs/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/questeval/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/questeval/__init__.py -------------------------------------------------------------------------------- /questeval/questeval/data2text_objects/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/questeval/data2text_objects/data_formating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/questeval/data2text_objects/data_formating.py -------------------------------------------------------------------------------- /questeval/questeval/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/questeval/pipeline.py -------------------------------------------------------------------------------- /questeval/questeval/questeval_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/questeval/questeval_metric.py -------------------------------------------------------------------------------- /questeval/questeval/uni_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/questeval/uni_utils.py -------------------------------------------------------------------------------- /questeval/questeval/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/questeval/utils.py -------------------------------------------------------------------------------- /questeval/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/setup.py -------------------------------------------------------------------------------- /questeval/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/tests/resources/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/tests/resources/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/tests/resources/constants.py -------------------------------------------------------------------------------- /questeval/tests/units/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/tests/units/test_questeval_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/tests/units/test_questeval_metric.py -------------------------------------------------------------------------------- /questeval/tests/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/tests/utils/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/tests/utils/helpers.py -------------------------------------------------------------------------------- /questeval/unilm/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /questeval/unilm/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/CONTRIBUTING.md -------------------------------------------------------------------------------- /questeval/unilm/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/LICENSE -------------------------------------------------------------------------------- /questeval/unilm/NOTICE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/NOTICE.md -------------------------------------------------------------------------------- /questeval/unilm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/README.md -------------------------------------------------------------------------------- /questeval/unilm/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | if __name__ == '__main__': 3 | pass 4 | -------------------------------------------------------------------------------- /questeval/unilm/minilm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/minilm/README.md -------------------------------------------------------------------------------- /questeval/unilm/minilm/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | if __name__ == '__main__': 3 | pass 4 | -------------------------------------------------------------------------------- /questeval/unilm/minilm/examples/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | if __name__ == '__main__': 3 | pass 4 | -------------------------------------------------------------------------------- /questeval/unilm/minilm/examples/run_xnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/minilm/examples/run_xnli.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/__init__.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/__main__.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/activations.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/another_try.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/another_try.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/commands/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/commands/env.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/commands/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/commands/run.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/commands/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/commands/train.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/commands/user.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/commands/user.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/data/__init__.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/file.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/file_utils.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/filep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/filep.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/hf_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/hf_api.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/hf_argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/hf_argparser.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modelcard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modelcard.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_auto.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_bart.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_bert.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_ctrl.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_gpt2.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_mmbt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_mmbt.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_t5.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_tf_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_tf_t5.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_utils.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_xlm.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/modeling_xlnet.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/optimization.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/pipelines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/pipelines.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/trainer.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/trainer_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/trainer_tf.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/trainer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/trainer_utils.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/training_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/training_args.py -------------------------------------------------------------------------------- /questeval/unilm/old_school_transformers/try.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/old_school_transformers/try.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/.gitignore -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/README.md -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | if __name__ == '__main__': 3 | pass 4 | -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/decode_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/decode_seq2seq.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/evaluations/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | if __name__ == '__main__': 3 | pass 4 | -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/evaluations/bs_pyrouge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/evaluations/bs_pyrouge.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/evaluations/eval_for_cnndm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/evaluations/eval_for_cnndm.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/evaluations/eval_for_xsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/evaluations/eval_for_xsum.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/gen_seq_from_trace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/gen_seq_from_trace.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/run_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/run_seq2seq.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | if __name__ == '__main__': 3 | pass 4 | -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/config.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/configuration_minilm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/configuration_minilm.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/configuration_unilm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/configuration_unilm.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/convert_state_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/convert_state_dict.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/modeling.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/modeling_decoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/modeling_decoding.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/s2s_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/s2s_loader.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/tokenization_minilm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/tokenization_minilm.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/tokenization_unilm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/tokenization_unilm.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/s2s_ft/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/s2s_ft/utils.py -------------------------------------------------------------------------------- /questeval/unilm/s2s-ft/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/s2s-ft/setup.py -------------------------------------------------------------------------------- /questeval/unilm/unilm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/questeval/unilm/unilm/README.md -------------------------------------------------------------------------------- /read_result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/read_result.py -------------------------------------------------------------------------------- /ruber/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/.gitignore -------------------------------------------------------------------------------- /ruber/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/README.md -------------------------------------------------------------------------------- /ruber/RUBER/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ruber/RUBER/data/cornell/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/data/cornell/process.py -------------------------------------------------------------------------------- /ruber/RUBER/data/cornell_tf/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/data/cornell_tf/process.py -------------------------------------------------------------------------------- /ruber/RUBER/data/dailydialog/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/data/dailydialog/process.py -------------------------------------------------------------------------------- /ruber/RUBER/data/dailydialog_tf/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/data/dailydialog_tf/process.py -------------------------------------------------------------------------------- /ruber/RUBER/hybird.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/hybird.py -------------------------------------------------------------------------------- /ruber/RUBER/reference_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/reference_score.py -------------------------------------------------------------------------------- /ruber/RUBER/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/run.sh -------------------------------------------------------------------------------- /ruber/RUBER/run_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/run_eval.sh -------------------------------------------------------------------------------- /ruber/RUBER/train_unreference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/train_unreference.py -------------------------------------------------------------------------------- /ruber/RUBER/unreference_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/unreference_score.py -------------------------------------------------------------------------------- /ruber/RUBER/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/RUBER/utils.py -------------------------------------------------------------------------------- /ruber/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/data_parser.py -------------------------------------------------------------------------------- /ruber/git-push.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/git-push.sh -------------------------------------------------------------------------------- /ruber/parse_personachat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/ruber/parse_personachat.py -------------------------------------------------------------------------------- /run_bert_as_service.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/run_bert_as_service.sh -------------------------------------------------------------------------------- /usl_dialogue_metric/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/.gitignore -------------------------------------------------------------------------------- /usl_dialogue_metric/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/LICENSE -------------------------------------------------------------------------------- /usl_dialogue_metric/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/README.md -------------------------------------------------------------------------------- /usl_dialogue_metric/data_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/data_parser.py -------------------------------------------------------------------------------- /usl_dialogue_metric/hiearchy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/hiearchy.png -------------------------------------------------------------------------------- /usl_dialogue_metric/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/setup.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/__init__.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/data_utils.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/datasets.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/eval_single.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/eval_single.sh -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/models/MLMScorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/models/MLMScorer.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/models/NUPScorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/models/NUPScorer.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/models/VUPScorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/models/VUPScorer.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/models/__init__.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/models/composite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/models/composite.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/models/distinct.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/models/distinct.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/normalize.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/predict.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/predict_single.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/predict_single.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/scorer.py -------------------------------------------------------------------------------- /usl_dialogue_metric/usl_score/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usl_dialogue_metric/usl_score/train.py -------------------------------------------------------------------------------- /usr_fed/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/.gitignore -------------------------------------------------------------------------------- /usr_fed/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/README.md -------------------------------------------------------------------------------- /usr_fed/dialog_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/dialog_parser.py -------------------------------------------------------------------------------- /usr_fed/fed/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/fed/Dockerfile -------------------------------------------------------------------------------- /usr_fed/fed/bootstrap.sh: -------------------------------------------------------------------------------- 1 | python3 -u fed_server.py >> logging.txt 2 | -------------------------------------------------------------------------------- /usr_fed/fed/build_docker.sh: -------------------------------------------------------------------------------- 1 | nvidia-docker build . -t fed-test -------------------------------------------------------------------------------- /usr_fed/fed/fed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/fed/fed.py -------------------------------------------------------------------------------- /usr_fed/fed/fed_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/fed/fed_demo.py -------------------------------------------------------------------------------- /usr_fed/fed/fed_org.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/fed/fed_org.py -------------------------------------------------------------------------------- /usr_fed/fed/fed_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/fed/fed_server.py -------------------------------------------------------------------------------- /usr_fed/fed/fedserverlog.tmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/fed/fedserverlog.tmp -------------------------------------------------------------------------------- /usr_fed/fed/run_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/fed/run_docker.sh -------------------------------------------------------------------------------- /usr_fed/test_data/dialog_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/test_data/dialog_parser.py -------------------------------------------------------------------------------- /usr_fed/test_data/gen_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/test_data/gen_finetune.py -------------------------------------------------------------------------------- /usr_fed/test_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/test_server.py -------------------------------------------------------------------------------- /usr_fed/test_server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/test_server.sh -------------------------------------------------------------------------------- /usr_fed/usr/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/Dockerfile -------------------------------------------------------------------------------- /usr_fed/usr/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/arguments.py -------------------------------------------------------------------------------- /usr_fed/usr/benchmarks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/benchmarks.py -------------------------------------------------------------------------------- /usr_fed/usr/bootstrap.sh: -------------------------------------------------------------------------------- 1 | python3 -u usr_server.py >> logging.txt 2 | -------------------------------------------------------------------------------- /usr_fed/usr/build_docker.sh: -------------------------------------------------------------------------------- 1 | nvidia-docker build . -t usr-test 2 | -------------------------------------------------------------------------------- /usr_fed/usr/download_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/download_data.py -------------------------------------------------------------------------------- /usr_fed/usr/dr_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/dr_api.py -------------------------------------------------------------------------------- /usr_fed/usr/finetune_mlm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/finetune_mlm.sh -------------------------------------------------------------------------------- /usr_fed/usr/finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/finetuning.py -------------------------------------------------------------------------------- /usr_fed/usr/mlm_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/mlm_api.py -------------------------------------------------------------------------------- /usr_fed/usr/regr.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/regr.pkl -------------------------------------------------------------------------------- /usr_fed/usr/regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/regression.py -------------------------------------------------------------------------------- /usr_fed/usr/run_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/run_docker.sh -------------------------------------------------------------------------------- /usr_fed/usr/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/test.py -------------------------------------------------------------------------------- /usr_fed/usr/test_examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/test_examples.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/__init__.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/__main__.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_auto.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_bert.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_ctrl.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_distilbert.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_gpt2.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_openai.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_roberta.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_transfo_xl.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_utils.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_xlm.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/configuration_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/configuration_xlnet.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/data/__init__.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/data/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/data/metrics/__init__.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/data/processors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/data/processors/__init__.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/data/processors/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/data/processors/glue.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/data/processors/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/data/processors/utils.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/file_utils.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_auto.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_beam_search.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_bert.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_ctrl.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_distilbert.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_encoder_decoder.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_gpt2.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_openai.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_roberta.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_auto.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_bert.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_ctrl.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_distilbert.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_gpt2.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_openai.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_pytorch_utils.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_roberta.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_transfo_xl.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_utils.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_xlm.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_tf_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_tf_xlnet.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_transfo_xl.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_transfo_xl_utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_transfo_xl_utilities.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_utils.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_xlm.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/modeling_xlnet.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/optimization.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/conftest.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_auto_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_auto_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_bert_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_bert_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_common_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_common_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_ctrl_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_ctrl_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_gpt2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_gpt2_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_openai_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_openai_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_roberta_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_roberta_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_tf_auto_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_tf_auto_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_tf_bert_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_tf_bert_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_tf_common_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_tf_common_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_tf_ctrl_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_tf_ctrl_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_tf_gpt2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_tf_gpt2_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_tf_xlm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_tf_xlm_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_tf_xlnet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_tf_xlnet_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_xlm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_xlm_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/modeling_xlnet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/modeling_xlnet_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tests/optimization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tests/optimization_test.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_auto.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_bert.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_ctrl.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_distilbert.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_gpt2.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_openai.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_roberta.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_transfo_xl.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_utils.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_xlm.py -------------------------------------------------------------------------------- /usr_fed/usr/transformers/tokenization_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/transformers/tokenization_xlnet.py -------------------------------------------------------------------------------- /usr_fed/usr/usr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/usr.py -------------------------------------------------------------------------------- /usr_fed/usr/usr_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed/usr/usr_server.py -------------------------------------------------------------------------------- /usr_fed_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/exe1023/DialEvalMetrics/HEAD/usr_fed_metric.py --------------------------------------------------------------------------------