├── .gitignore ├── .pylintrc ├── .travis.yml ├── LICENSE ├── MANIFEST.in ├── README.md ├── circle.yml ├── codecov.yml ├── deep_qa ├── README.md ├── __init__.py ├── common │ ├── __init__.py │ ├── checks.py │ ├── models.py │ ├── params.py │ ├── tee_logger.py │ └── util.py ├── data │ ├── README.md │ ├── __init__.py │ ├── data_generator.py │ ├── data_indexer.py │ ├── dataset_readers │ │ ├── __init__.py │ │ └── squad_sentence_selection_reader.py │ ├── datasets │ │ ├── __init__.py │ │ ├── dataset.py │ │ ├── entailment │ │ │ ├── __init__.py │ │ │ └── snli_dataset.py │ │ └── language_modeling │ │ │ ├── __init__.py │ │ │ └── language_modeling_dataset.py │ ├── embeddings.py │ ├── instances │ │ ├── README.md │ │ ├── __init__.py │ │ ├── entailment │ │ │ ├── __init__.py │ │ │ ├── sentence_pair_instance.py │ │ │ └── snli_instance.py │ │ ├── instance.py │ │ ├── language_modeling │ │ │ ├── __init__.py │ │ │ └── sentence_instance.py │ │ ├── reading_comprehension │ │ │ ├── __init__.py │ │ │ ├── character_span_instance.py │ │ │ ├── mc_question_passage_instance.py │ │ │ └── question_passage_instance.py │ │ ├── sequence_tagging │ │ │ ├── __init__.py │ │ │ ├── pretokenized_tagging_instance.py │ │ │ └── tagging_instance.py │ │ └── text_classification │ │ │ ├── __init__.py │ │ │ └── text_classification_instance.py │ └── tokenizers │ │ ├── __init__.py │ │ ├── character_tokenizer.py │ │ ├── tokenizer.py │ │ ├── word_and_character_tokenizer.py │ │ ├── word_filter.py │ │ ├── word_processor.py │ │ ├── word_splitter.py │ │ ├── word_stemmer.py │ │ └── word_tokenizer.py ├── layers │ ├── README.md │ ├── __init__.py │ ├── additive.py │ ├── attention │ │ ├── README.md │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── gated_attention.py │ │ ├── masked_softmax.py │ │ ├── matrix_attention.py │ │ ├── max_similarity_softmax.py │ │ └── weighted_sum.py │ ├── backend │ │ ├── README.md │ │ ├── __init__.py │ │ ├── add_mask.py │ │ ├── batch_dot.py │ │ ├── collapse_to_batch.py │ │ ├── envelope.py │ │ ├── expand_from_batch.py │ │ ├── max.py │ │ ├── multiply.py │ │ ├── permute.py │ │ ├── repeat.py │ │ ├── repeat_like.py │ │ ├── replace_masked_values.py │ │ └── squeeze.py │ ├── bigru_index_selector.py │ ├── complex_concat.py │ ├── encoders │ │ ├── __init__.py │ │ ├── attentive_gru.py │ │ ├── bag_of_words.py │ │ ├── convolutional_encoder.py │ │ ├── positional_encoder.py │ │ └── shareable_gru.py │ ├── entailment_models │ │ ├── __init__.py │ │ ├── decomposable_attention.py │ │ ├── multiple_choice_tuple_entailment.py │ │ └── word_alignment.py │ ├── highway.py │ ├── l1_normalize.py │ ├── masked_layer.py │ ├── noisy_or.py │ ├── option_attention_sum.py │ ├── overlap.py │ ├── subtract_minimum.py │ ├── vector_matrix_merge.py │ ├── vector_matrix_split.py │ └── wrappers │ │ ├── __init__.py │ │ ├── add_encoder_mask.py │ │ ├── encoder_wrapper.py │ │ ├── output_mask.py │ │ └── time_distributed.py ├── models │ ├── README.md │ ├── __init__.py │ ├── entailment │ │ ├── README.md │ │ ├── __init__.py │ │ └── decomposable_attention.py │ ├── reading_comprehension │ │ ├── __init__.py │ │ ├── attention_sum_reader.py │ │ ├── bidirectional_attention.py │ │ └── gated_attention_reader.py │ ├── sequence_tagging │ │ ├── README.md │ │ ├── __init__.py │ │ └── simple_tagger.py │ └── text_classification │ │ ├── README.md │ │ ├── __init__.py │ │ └── classification_model.py ├── run.py ├── tensors │ ├── README.md │ ├── __init__.py │ ├── backend.py │ ├── masked_operations.py │ └── similarity_functions │ │ ├── README.md │ │ ├── __init__.py │ │ ├── bilinear.py │ │ ├── cosine_similarity.py │ │ ├── dot_product.py │ │ ├── linear.py │ │ └── similarity_function.py ├── testing │ ├── __init__.py │ └── test_case.py └── training │ ├── README.md │ ├── __init__.py │ ├── losses.py │ ├── models.py │ ├── multi_gpu.py │ ├── optimizers.py │ ├── step.py │ ├── text_trainer.py │ ├── train_utils.py │ └── trainer.py ├── doc ├── Makefile ├── _static │ └── custom.css ├── _templates │ └── layout.html ├── common │ ├── about_common.rst │ ├── checks.rst │ └── params.rst ├── conf.py ├── data │ ├── about_data.rst │ ├── data_generator.rst │ ├── datasets.rst │ ├── entailment.rst │ ├── general_data_utils.rst │ ├── instances.rst │ ├── reading_comprehension.rst │ ├── sequence_tagging.rst │ ├── text_classification.rst │ └── tokenizers.rst ├── img │ └── module_breakdown.png ├── index.rst ├── layers │ ├── about_layers.rst │ ├── attention.rst │ ├── backend.rst │ ├── core_layers.rst │ ├── encoders.rst │ ├── entailment_models.rst │ └── wrappers.rst ├── models │ ├── about_models.rst │ ├── entailment.rst │ ├── reading_comprehension.rst │ └── text_classification.rst ├── run.rst ├── tensors │ ├── about_tensors.rst │ ├── core_tensors.rst │ └── similarity_functions.rst └── training │ ├── about_trainers.rst │ ├── misc.rst │ ├── multi_gpu.rst │ ├── text_trainer.rst │ └── trainer.rst ├── example_experiments ├── entailment │ └── snli_decomposable_attention.json ├── reading_comprehension │ ├── asreader_who_did_what.json │ ├── bidaf_squad.json │ └── gareader_who_did_what.json └── sequence_tagging │ └── simple_tagger.json ├── pytest.ini ├── requirements.txt ├── scripts ├── clean_newsqa.py ├── clean_raw_omnibus.py ├── install_requirements.sh ├── pylint.sh ├── run_ensemble.py ├── run_model.py └── set_processor.sh ├── setup.cfg ├── setup.py └── tests ├── __init__.py ├── common ├── __init__.py ├── pythonhashseed_test.py └── test_util.py ├── data ├── __init__.py ├── data_generator_test.py ├── data_indexer_test.py ├── dataset_readers │ ├── __init__.py │ └── squad_sentence_selection_reader_test.py ├── datasets │ ├── __init__.py │ ├── dataset_test.py │ ├── language_modeling_dataset_test.py │ └── snli_dataset_test.py ├── embeddings_test.py ├── instances │ ├── __init__.py │ ├── entailment │ │ ├── __init__.py │ │ ├── sentence_pair_instance_test.py │ │ └── snli_instance_test.py │ ├── language_modeling │ │ ├── __init__.py │ │ └── sentence_instance_test.py │ ├── reading_comprehension │ │ ├── __init__.py │ │ ├── character_span_instance_test.py │ │ └── mc_question_passage_instance_test.py │ ├── sequence_tagging │ │ ├── __init__.py │ │ ├── pretokenized_tagging_instance_test.py │ │ └── test_tagging_instance.py │ ├── text_classification │ │ ├── __init__.py │ │ └── text_classification_instance_test.py │ └── text_instance_test.py └── tokenizers │ ├── tokenizer_test.py │ ├── word_processor_test.py │ └── word_splitter_test.py ├── example_experiments_test.py ├── layers ├── __init__.py ├── attention │ ├── __init__.py │ ├── attention_test.py │ ├── gated_attention_test.py │ ├── masked_softmax_test.py │ ├── matrix_attention_test.py │ └── weighted_sum_test.py ├── attentive_gru_test.py ├── backend │ ├── __init__.py │ ├── batch_dot_test.py │ ├── collapse_and_expand_test.py │ ├── envelope_test.py │ ├── max_test.py │ ├── multiply_test.py │ ├── permute_test.py │ ├── repeat_like_test.py │ ├── repeat_test.py │ └── replace_masked_values_test.py ├── bigru_index_selector_test.py ├── complex_concat_test.py ├── decomposable_attention_test.py ├── encoders │ ├── __init__.py │ └── bow_encoder_test.py ├── noisy_or_test.py ├── overlap_test.py ├── positional_encoder_test.py ├── test_l1_normalize.py ├── test_option_attention_sum.py ├── test_subtract_minimum.py ├── tuple_alignment_test.py ├── vector_matrix_merge_test.py ├── vector_matrix_split_test.py └── wrappers │ ├── __init__.py │ ├── add_encoder_mask_test.py │ ├── encoder_wrapper_test.py │ └── time_distributed_test.py ├── models ├── __init__.py ├── entailment │ ├── __init__.py │ └── decomposable_attention_test.py ├── reading_comprehension │ ├── __init__.py │ ├── attention_sum_reader_test.py │ ├── bidirectional_attention_test.py │ └── gated_attention_reader_test.py └── sequence_tagging │ ├── __init__.py │ └── simple_tagger_test.py ├── run_test.py ├── tensors ├── __init__.py ├── backend_test.py ├── masked_operations_test.py └── similarity_functions │ ├── __init__.py │ ├── bilinear_test.py │ ├── cosine_similarity_test.py │ ├── dot_product_test.py │ └── linear_test.py └── training ├── __init__.py ├── losses_test.py ├── multi_gpu_test.py ├── text_trainer_test.py └── train_utils_test.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/.gitignore -------------------------------------------------------------------------------- /.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/.pylintrc -------------------------------------------------------------------------------- /.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/.travis.yml -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/README.md -------------------------------------------------------------------------------- /circle.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/circle.yml -------------------------------------------------------------------------------- /codecov.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/codecov.yml -------------------------------------------------------------------------------- /deep_qa/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/README.md -------------------------------------------------------------------------------- /deep_qa/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/__init__.py -------------------------------------------------------------------------------- /deep_qa/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_qa/common/checks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/common/checks.py -------------------------------------------------------------------------------- /deep_qa/common/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/common/models.py -------------------------------------------------------------------------------- /deep_qa/common/params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/common/params.py -------------------------------------------------------------------------------- /deep_qa/common/tee_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/common/tee_logger.py -------------------------------------------------------------------------------- /deep_qa/common/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/common/util.py -------------------------------------------------------------------------------- /deep_qa/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/README.md -------------------------------------------------------------------------------- /deep_qa/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/data_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/data_generator.py -------------------------------------------------------------------------------- /deep_qa/data/data_indexer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/data_indexer.py -------------------------------------------------------------------------------- /deep_qa/data/dataset_readers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_qa/data/dataset_readers/squad_sentence_selection_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/dataset_readers/squad_sentence_selection_reader.py -------------------------------------------------------------------------------- /deep_qa/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/datasets/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/datasets/dataset.py -------------------------------------------------------------------------------- /deep_qa/data/datasets/entailment/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_qa/data/datasets/entailment/snli_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/datasets/entailment/snli_dataset.py -------------------------------------------------------------------------------- /deep_qa/data/datasets/language_modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_qa/data/datasets/language_modeling/language_modeling_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/datasets/language_modeling/language_modeling_dataset.py -------------------------------------------------------------------------------- /deep_qa/data/embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/embeddings.py -------------------------------------------------------------------------------- /deep_qa/data/instances/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/README.md -------------------------------------------------------------------------------- /deep_qa/data/instances/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/instances/entailment/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/entailment/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/instances/entailment/sentence_pair_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/entailment/sentence_pair_instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/entailment/snli_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/entailment/snli_instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/language_modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/language_modeling/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/instances/language_modeling/sentence_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/language_modeling/sentence_instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/reading_comprehension/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/reading_comprehension/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/instances/reading_comprehension/character_span_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/reading_comprehension/character_span_instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/reading_comprehension/mc_question_passage_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/reading_comprehension/mc_question_passage_instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/reading_comprehension/question_passage_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/reading_comprehension/question_passage_instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/sequence_tagging/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/sequence_tagging/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/instances/sequence_tagging/pretokenized_tagging_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/sequence_tagging/pretokenized_tagging_instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/sequence_tagging/tagging_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/sequence_tagging/tagging_instance.py -------------------------------------------------------------------------------- /deep_qa/data/instances/text_classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/text_classification/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/instances/text_classification/text_classification_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/instances/text_classification/text_classification_instance.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/__init__.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/character_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/character_tokenizer.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/tokenizer.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/word_and_character_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/word_and_character_tokenizer.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/word_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/word_filter.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/word_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/word_processor.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/word_splitter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/word_splitter.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/word_stemmer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/word_stemmer.py -------------------------------------------------------------------------------- /deep_qa/data/tokenizers/word_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/data/tokenizers/word_tokenizer.py -------------------------------------------------------------------------------- /deep_qa/layers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/README.md -------------------------------------------------------------------------------- /deep_qa/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/__init__.py -------------------------------------------------------------------------------- /deep_qa/layers/additive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/additive.py -------------------------------------------------------------------------------- /deep_qa/layers/attention/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/attention/README.md -------------------------------------------------------------------------------- /deep_qa/layers/attention/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/attention/__init__.py -------------------------------------------------------------------------------- /deep_qa/layers/attention/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/attention/attention.py -------------------------------------------------------------------------------- /deep_qa/layers/attention/gated_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/attention/gated_attention.py -------------------------------------------------------------------------------- /deep_qa/layers/attention/masked_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/attention/masked_softmax.py -------------------------------------------------------------------------------- /deep_qa/layers/attention/matrix_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/attention/matrix_attention.py -------------------------------------------------------------------------------- /deep_qa/layers/attention/max_similarity_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/attention/max_similarity_softmax.py -------------------------------------------------------------------------------- /deep_qa/layers/attention/weighted_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/attention/weighted_sum.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/README.md -------------------------------------------------------------------------------- /deep_qa/layers/backend/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/__init__.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/add_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/add_mask.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/batch_dot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/batch_dot.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/collapse_to_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/collapse_to_batch.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/envelope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/envelope.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/expand_from_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/expand_from_batch.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/max.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/multiply.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/multiply.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/permute.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/repeat.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/repeat_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/repeat_like.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/replace_masked_values.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/replace_masked_values.py -------------------------------------------------------------------------------- /deep_qa/layers/backend/squeeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/backend/squeeze.py -------------------------------------------------------------------------------- /deep_qa/layers/bigru_index_selector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/bigru_index_selector.py -------------------------------------------------------------------------------- /deep_qa/layers/complex_concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/complex_concat.py -------------------------------------------------------------------------------- /deep_qa/layers/encoders/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/encoders/__init__.py -------------------------------------------------------------------------------- /deep_qa/layers/encoders/attentive_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/encoders/attentive_gru.py -------------------------------------------------------------------------------- /deep_qa/layers/encoders/bag_of_words.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/encoders/bag_of_words.py -------------------------------------------------------------------------------- /deep_qa/layers/encoders/convolutional_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/encoders/convolutional_encoder.py -------------------------------------------------------------------------------- /deep_qa/layers/encoders/positional_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/encoders/positional_encoder.py -------------------------------------------------------------------------------- /deep_qa/layers/encoders/shareable_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/encoders/shareable_gru.py -------------------------------------------------------------------------------- /deep_qa/layers/entailment_models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/entailment_models/__init__.py -------------------------------------------------------------------------------- /deep_qa/layers/entailment_models/decomposable_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/entailment_models/decomposable_attention.py -------------------------------------------------------------------------------- /deep_qa/layers/entailment_models/multiple_choice_tuple_entailment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/entailment_models/multiple_choice_tuple_entailment.py -------------------------------------------------------------------------------- /deep_qa/layers/entailment_models/word_alignment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/entailment_models/word_alignment.py -------------------------------------------------------------------------------- /deep_qa/layers/highway.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/highway.py -------------------------------------------------------------------------------- /deep_qa/layers/l1_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/l1_normalize.py -------------------------------------------------------------------------------- /deep_qa/layers/masked_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/masked_layer.py -------------------------------------------------------------------------------- /deep_qa/layers/noisy_or.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/noisy_or.py -------------------------------------------------------------------------------- /deep_qa/layers/option_attention_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/option_attention_sum.py -------------------------------------------------------------------------------- /deep_qa/layers/overlap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/overlap.py -------------------------------------------------------------------------------- /deep_qa/layers/subtract_minimum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/subtract_minimum.py -------------------------------------------------------------------------------- /deep_qa/layers/vector_matrix_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/vector_matrix_merge.py -------------------------------------------------------------------------------- /deep_qa/layers/vector_matrix_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/vector_matrix_split.py -------------------------------------------------------------------------------- /deep_qa/layers/wrappers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/wrappers/__init__.py -------------------------------------------------------------------------------- /deep_qa/layers/wrappers/add_encoder_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/wrappers/add_encoder_mask.py -------------------------------------------------------------------------------- /deep_qa/layers/wrappers/encoder_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/wrappers/encoder_wrapper.py -------------------------------------------------------------------------------- /deep_qa/layers/wrappers/output_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/wrappers/output_mask.py -------------------------------------------------------------------------------- /deep_qa/layers/wrappers/time_distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/layers/wrappers/time_distributed.py -------------------------------------------------------------------------------- /deep_qa/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/README.md -------------------------------------------------------------------------------- /deep_qa/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/__init__.py -------------------------------------------------------------------------------- /deep_qa/models/entailment/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/entailment/README.md -------------------------------------------------------------------------------- /deep_qa/models/entailment/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/entailment/__init__.py -------------------------------------------------------------------------------- /deep_qa/models/entailment/decomposable_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/entailment/decomposable_attention.py -------------------------------------------------------------------------------- /deep_qa/models/reading_comprehension/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/reading_comprehension/__init__.py -------------------------------------------------------------------------------- /deep_qa/models/reading_comprehension/attention_sum_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/reading_comprehension/attention_sum_reader.py -------------------------------------------------------------------------------- /deep_qa/models/reading_comprehension/bidirectional_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/reading_comprehension/bidirectional_attention.py -------------------------------------------------------------------------------- /deep_qa/models/reading_comprehension/gated_attention_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/reading_comprehension/gated_attention_reader.py -------------------------------------------------------------------------------- /deep_qa/models/sequence_tagging/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/sequence_tagging/README.md -------------------------------------------------------------------------------- /deep_qa/models/sequence_tagging/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/sequence_tagging/__init__.py -------------------------------------------------------------------------------- /deep_qa/models/sequence_tagging/simple_tagger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/sequence_tagging/simple_tagger.py -------------------------------------------------------------------------------- /deep_qa/models/text_classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/text_classification/README.md -------------------------------------------------------------------------------- /deep_qa/models/text_classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/text_classification/__init__.py -------------------------------------------------------------------------------- /deep_qa/models/text_classification/classification_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/models/text_classification/classification_model.py -------------------------------------------------------------------------------- /deep_qa/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/run.py -------------------------------------------------------------------------------- /deep_qa/tensors/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/README.md -------------------------------------------------------------------------------- /deep_qa/tensors/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_qa/tensors/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/backend.py -------------------------------------------------------------------------------- /deep_qa/tensors/masked_operations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/masked_operations.py -------------------------------------------------------------------------------- /deep_qa/tensors/similarity_functions/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/similarity_functions/README.md -------------------------------------------------------------------------------- /deep_qa/tensors/similarity_functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/similarity_functions/__init__.py -------------------------------------------------------------------------------- /deep_qa/tensors/similarity_functions/bilinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/similarity_functions/bilinear.py -------------------------------------------------------------------------------- /deep_qa/tensors/similarity_functions/cosine_similarity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/similarity_functions/cosine_similarity.py -------------------------------------------------------------------------------- /deep_qa/tensors/similarity_functions/dot_product.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/similarity_functions/dot_product.py -------------------------------------------------------------------------------- /deep_qa/tensors/similarity_functions/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/similarity_functions/linear.py -------------------------------------------------------------------------------- /deep_qa/tensors/similarity_functions/similarity_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/tensors/similarity_functions/similarity_function.py -------------------------------------------------------------------------------- /deep_qa/testing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_qa/testing/test_case.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/testing/test_case.py -------------------------------------------------------------------------------- /deep_qa/training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/README.md -------------------------------------------------------------------------------- /deep_qa/training/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/__init__.py -------------------------------------------------------------------------------- /deep_qa/training/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/losses.py -------------------------------------------------------------------------------- /deep_qa/training/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/models.py -------------------------------------------------------------------------------- /deep_qa/training/multi_gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/multi_gpu.py -------------------------------------------------------------------------------- /deep_qa/training/optimizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/optimizers.py -------------------------------------------------------------------------------- /deep_qa/training/step.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/step.py -------------------------------------------------------------------------------- /deep_qa/training/text_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/text_trainer.py -------------------------------------------------------------------------------- /deep_qa/training/train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/train_utils.py -------------------------------------------------------------------------------- /deep_qa/training/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/deep_qa/training/trainer.py -------------------------------------------------------------------------------- /doc/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/Makefile -------------------------------------------------------------------------------- /doc/_static/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/_static/custom.css -------------------------------------------------------------------------------- /doc/_templates/layout.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/_templates/layout.html -------------------------------------------------------------------------------- /doc/common/about_common.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/common/about_common.rst -------------------------------------------------------------------------------- /doc/common/checks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/common/checks.rst -------------------------------------------------------------------------------- /doc/common/params.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/common/params.rst -------------------------------------------------------------------------------- /doc/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/conf.py -------------------------------------------------------------------------------- /doc/data/about_data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/about_data.rst -------------------------------------------------------------------------------- /doc/data/data_generator.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/data_generator.rst -------------------------------------------------------------------------------- /doc/data/datasets.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/datasets.rst -------------------------------------------------------------------------------- /doc/data/entailment.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/entailment.rst -------------------------------------------------------------------------------- /doc/data/general_data_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/general_data_utils.rst -------------------------------------------------------------------------------- /doc/data/instances.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/instances.rst -------------------------------------------------------------------------------- /doc/data/reading_comprehension.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/reading_comprehension.rst -------------------------------------------------------------------------------- /doc/data/sequence_tagging.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/sequence_tagging.rst -------------------------------------------------------------------------------- /doc/data/text_classification.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/text_classification.rst -------------------------------------------------------------------------------- /doc/data/tokenizers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/data/tokenizers.rst -------------------------------------------------------------------------------- /doc/img/module_breakdown.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/img/module_breakdown.png -------------------------------------------------------------------------------- /doc/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/index.rst -------------------------------------------------------------------------------- /doc/layers/about_layers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/layers/about_layers.rst -------------------------------------------------------------------------------- /doc/layers/attention.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/layers/attention.rst -------------------------------------------------------------------------------- /doc/layers/backend.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/layers/backend.rst -------------------------------------------------------------------------------- /doc/layers/core_layers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/layers/core_layers.rst -------------------------------------------------------------------------------- /doc/layers/encoders.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/layers/encoders.rst -------------------------------------------------------------------------------- /doc/layers/entailment_models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/layers/entailment_models.rst -------------------------------------------------------------------------------- /doc/layers/wrappers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/layers/wrappers.rst -------------------------------------------------------------------------------- /doc/models/about_models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/models/about_models.rst -------------------------------------------------------------------------------- /doc/models/entailment.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/models/entailment.rst -------------------------------------------------------------------------------- /doc/models/reading_comprehension.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/models/reading_comprehension.rst -------------------------------------------------------------------------------- /doc/models/text_classification.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/models/text_classification.rst -------------------------------------------------------------------------------- /doc/run.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/run.rst -------------------------------------------------------------------------------- /doc/tensors/about_tensors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/tensors/about_tensors.rst -------------------------------------------------------------------------------- /doc/tensors/core_tensors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/tensors/core_tensors.rst -------------------------------------------------------------------------------- /doc/tensors/similarity_functions.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/tensors/similarity_functions.rst -------------------------------------------------------------------------------- /doc/training/about_trainers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/training/about_trainers.rst -------------------------------------------------------------------------------- /doc/training/misc.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/training/misc.rst -------------------------------------------------------------------------------- /doc/training/multi_gpu.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/training/multi_gpu.rst -------------------------------------------------------------------------------- /doc/training/text_trainer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/training/text_trainer.rst -------------------------------------------------------------------------------- /doc/training/trainer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/doc/training/trainer.rst -------------------------------------------------------------------------------- /example_experiments/entailment/snli_decomposable_attention.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/example_experiments/entailment/snli_decomposable_attention.json -------------------------------------------------------------------------------- /example_experiments/reading_comprehension/asreader_who_did_what.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/example_experiments/reading_comprehension/asreader_who_did_what.json -------------------------------------------------------------------------------- /example_experiments/reading_comprehension/bidaf_squad.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/example_experiments/reading_comprehension/bidaf_squad.json -------------------------------------------------------------------------------- /example_experiments/reading_comprehension/gareader_who_did_what.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/example_experiments/reading_comprehension/gareader_who_did_what.json -------------------------------------------------------------------------------- /example_experiments/sequence_tagging/simple_tagger.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/example_experiments/sequence_tagging/simple_tagger.json -------------------------------------------------------------------------------- /pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/pytest.ini -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/requirements.txt -------------------------------------------------------------------------------- /scripts/clean_newsqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/scripts/clean_newsqa.py -------------------------------------------------------------------------------- /scripts/clean_raw_omnibus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/scripts/clean_raw_omnibus.py -------------------------------------------------------------------------------- /scripts/install_requirements.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/scripts/install_requirements.sh -------------------------------------------------------------------------------- /scripts/pylint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/scripts/pylint.sh -------------------------------------------------------------------------------- /scripts/run_ensemble.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/scripts/run_ensemble.py -------------------------------------------------------------------------------- /scripts/run_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/scripts/run_model.py -------------------------------------------------------------------------------- /scripts/set_processor.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/scripts/set_processor.sh -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/common/pythonhashseed_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/common/pythonhashseed_test.py -------------------------------------------------------------------------------- /tests/common/test_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/common/test_util.py -------------------------------------------------------------------------------- /tests/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/data_generator_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/data_generator_test.py -------------------------------------------------------------------------------- /tests/data/data_indexer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/data_indexer_test.py -------------------------------------------------------------------------------- /tests/data/dataset_readers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/dataset_readers/squad_sentence_selection_reader_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/dataset_readers/squad_sentence_selection_reader_test.py -------------------------------------------------------------------------------- /tests/data/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/datasets/dataset_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/datasets/dataset_test.py -------------------------------------------------------------------------------- /tests/data/datasets/language_modeling_dataset_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/datasets/language_modeling_dataset_test.py -------------------------------------------------------------------------------- /tests/data/datasets/snli_dataset_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/datasets/snli_dataset_test.py -------------------------------------------------------------------------------- /tests/data/embeddings_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/embeddings_test.py -------------------------------------------------------------------------------- /tests/data/instances/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/instances/entailment/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/instances/entailment/sentence_pair_instance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/entailment/sentence_pair_instance_test.py -------------------------------------------------------------------------------- /tests/data/instances/entailment/snli_instance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/entailment/snli_instance_test.py -------------------------------------------------------------------------------- /tests/data/instances/language_modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/instances/language_modeling/sentence_instance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/language_modeling/sentence_instance_test.py -------------------------------------------------------------------------------- /tests/data/instances/reading_comprehension/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/instances/reading_comprehension/character_span_instance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/reading_comprehension/character_span_instance_test.py -------------------------------------------------------------------------------- /tests/data/instances/reading_comprehension/mc_question_passage_instance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/reading_comprehension/mc_question_passage_instance_test.py -------------------------------------------------------------------------------- /tests/data/instances/sequence_tagging/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/instances/sequence_tagging/pretokenized_tagging_instance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/sequence_tagging/pretokenized_tagging_instance_test.py -------------------------------------------------------------------------------- /tests/data/instances/sequence_tagging/test_tagging_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/sequence_tagging/test_tagging_instance.py -------------------------------------------------------------------------------- /tests/data/instances/text_classification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/instances/text_classification/text_classification_instance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/text_classification/text_classification_instance_test.py -------------------------------------------------------------------------------- /tests/data/instances/text_instance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/instances/text_instance_test.py -------------------------------------------------------------------------------- /tests/data/tokenizers/tokenizer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/tokenizers/tokenizer_test.py -------------------------------------------------------------------------------- /tests/data/tokenizers/word_processor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/tokenizers/word_processor_test.py -------------------------------------------------------------------------------- /tests/data/tokenizers/word_splitter_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/data/tokenizers/word_splitter_test.py -------------------------------------------------------------------------------- /tests/example_experiments_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/example_experiments_test.py -------------------------------------------------------------------------------- /tests/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/layers/attention/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/layers/attention/attention_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/attention/attention_test.py -------------------------------------------------------------------------------- /tests/layers/attention/gated_attention_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/attention/gated_attention_test.py -------------------------------------------------------------------------------- /tests/layers/attention/masked_softmax_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/attention/masked_softmax_test.py -------------------------------------------------------------------------------- /tests/layers/attention/matrix_attention_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/attention/matrix_attention_test.py -------------------------------------------------------------------------------- /tests/layers/attention/weighted_sum_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/attention/weighted_sum_test.py -------------------------------------------------------------------------------- /tests/layers/attentive_gru_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/attentive_gru_test.py -------------------------------------------------------------------------------- /tests/layers/backend/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/layers/backend/batch_dot_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/batch_dot_test.py -------------------------------------------------------------------------------- /tests/layers/backend/collapse_and_expand_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/collapse_and_expand_test.py -------------------------------------------------------------------------------- /tests/layers/backend/envelope_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/envelope_test.py -------------------------------------------------------------------------------- /tests/layers/backend/max_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/max_test.py -------------------------------------------------------------------------------- /tests/layers/backend/multiply_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/multiply_test.py -------------------------------------------------------------------------------- /tests/layers/backend/permute_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/permute_test.py -------------------------------------------------------------------------------- /tests/layers/backend/repeat_like_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/repeat_like_test.py -------------------------------------------------------------------------------- /tests/layers/backend/repeat_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/repeat_test.py -------------------------------------------------------------------------------- /tests/layers/backend/replace_masked_values_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/backend/replace_masked_values_test.py -------------------------------------------------------------------------------- /tests/layers/bigru_index_selector_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/bigru_index_selector_test.py -------------------------------------------------------------------------------- /tests/layers/complex_concat_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/complex_concat_test.py -------------------------------------------------------------------------------- /tests/layers/decomposable_attention_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/decomposable_attention_test.py -------------------------------------------------------------------------------- /tests/layers/encoders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/layers/encoders/bow_encoder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/encoders/bow_encoder_test.py -------------------------------------------------------------------------------- /tests/layers/noisy_or_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/noisy_or_test.py -------------------------------------------------------------------------------- /tests/layers/overlap_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/overlap_test.py -------------------------------------------------------------------------------- /tests/layers/positional_encoder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/positional_encoder_test.py -------------------------------------------------------------------------------- /tests/layers/test_l1_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/test_l1_normalize.py -------------------------------------------------------------------------------- /tests/layers/test_option_attention_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/test_option_attention_sum.py -------------------------------------------------------------------------------- /tests/layers/test_subtract_minimum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/test_subtract_minimum.py -------------------------------------------------------------------------------- /tests/layers/tuple_alignment_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/tuple_alignment_test.py -------------------------------------------------------------------------------- /tests/layers/vector_matrix_merge_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/vector_matrix_merge_test.py -------------------------------------------------------------------------------- /tests/layers/vector_matrix_split_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/vector_matrix_split_test.py -------------------------------------------------------------------------------- /tests/layers/wrappers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/layers/wrappers/add_encoder_mask_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/wrappers/add_encoder_mask_test.py -------------------------------------------------------------------------------- /tests/layers/wrappers/encoder_wrapper_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/wrappers/encoder_wrapper_test.py -------------------------------------------------------------------------------- /tests/layers/wrappers/time_distributed_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/layers/wrappers/time_distributed_test.py -------------------------------------------------------------------------------- /tests/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/models/entailment/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/models/entailment/decomposable_attention_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/models/entailment/decomposable_attention_test.py -------------------------------------------------------------------------------- /tests/models/reading_comprehension/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/models/reading_comprehension/attention_sum_reader_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/models/reading_comprehension/attention_sum_reader_test.py -------------------------------------------------------------------------------- /tests/models/reading_comprehension/bidirectional_attention_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/models/reading_comprehension/bidirectional_attention_test.py -------------------------------------------------------------------------------- /tests/models/reading_comprehension/gated_attention_reader_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/models/reading_comprehension/gated_attention_reader_test.py -------------------------------------------------------------------------------- /tests/models/sequence_tagging/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/models/sequence_tagging/simple_tagger_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/models/sequence_tagging/simple_tagger_test.py -------------------------------------------------------------------------------- /tests/run_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/run_test.py -------------------------------------------------------------------------------- /tests/tensors/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/tensors/backend_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/tensors/backend_test.py -------------------------------------------------------------------------------- /tests/tensors/masked_operations_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/tensors/masked_operations_test.py -------------------------------------------------------------------------------- /tests/tensors/similarity_functions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/tensors/similarity_functions/bilinear_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/tensors/similarity_functions/bilinear_test.py -------------------------------------------------------------------------------- /tests/tensors/similarity_functions/cosine_similarity_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/tensors/similarity_functions/cosine_similarity_test.py -------------------------------------------------------------------------------- /tests/tensors/similarity_functions/dot_product_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/tensors/similarity_functions/dot_product_test.py -------------------------------------------------------------------------------- /tests/tensors/similarity_functions/linear_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/tensors/similarity_functions/linear_test.py -------------------------------------------------------------------------------- /tests/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/training/losses_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/training/losses_test.py -------------------------------------------------------------------------------- /tests/training/multi_gpu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/training/multi_gpu_test.py -------------------------------------------------------------------------------- /tests/training/text_trainer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/training/text_trainer_test.py -------------------------------------------------------------------------------- /tests/training/train_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/allenai/deep_qa/HEAD/tests/training/train_utils_test.py --------------------------------------------------------------------------------