Skip to content
This repository has been archived by the owner on Dec 16, 2022. It is now read-only.
Permalink

Comparing changes

Choose two branches to see what’s changed or to start a new pull request. If you need to, you can also or learn more about diff comparisons.

Open a pull request

Create a new pull request by comparing changes across two branches. If you need to, you can also . Learn more about diff comparisons here.
base repository: allenai/allennlp
Failed to load repositories. Confirm that selected base ref is valid, then try again.
Loading
base: v2.7.0
Choose a base ref
...
head repository: allenai/allennlp
Failed to load repositories. Confirm that selected head ref is valid, then try again.
Loading
compare: main
Choose a head ref
Loading
Showing with 5,790 additions and 5,351 deletions.
  1. +0 −13 .github/dependabot.yml
  2. +22 −0 .github/workflows/cffconvert.yml
  3. +109 −115 .github/workflows/ci.yml
  4. +4 −4 .github/workflows/issues.yml
  5. +129 −29 CHANGELOG.md
  6. +2 −2 CITATION.cff
  7. +1 −2 CONTRIBUTING.md
  8. +10 −5 Dockerfile
  9. +4 −4 Dockerfile.test
  10. +26 −9 Makefile
  11. +50 −10 README.md
  12. +0 −7 allennlp/__init__.py
  13. +0 −7 allennlp/__main__.py
  14. +3 −5 allennlp/commands/__init__.py
  15. +204 −0 allennlp/commands/_checklist_internal.py
  16. +0 −2 allennlp/commands/build_vocab.py
  17. +0 −2 allennlp/commands/cached_path.py
  18. +31 −189 allennlp/commands/checklist.py
  19. +0 −2 allennlp/commands/count_instances.py
  20. +1 −2 allennlp/commands/diff.py
  21. +219 −50 allennlp/commands/evaluate.py
  22. +1 −3 allennlp/commands/find_learning_rate.py
  23. +2 −5 allennlp/commands/predict.py
  24. +0 −2 allennlp/commands/print_results.py
  25. +95 −0 allennlp/commands/push_to_hf.py
  26. +1 −3 allennlp/commands/subcommand.py
  27. +0 −160 allennlp/commands/tango.py
  28. +1 −2 allennlp/commands/test_install.py
  29. +6 −2 allennlp/commands/train.py
  30. +1 −0 allennlp/common/__init__.py
  31. +71 −5 allennlp/common/cached_transformers.py
  32. +2 −14 allennlp/common/checks.py
  33. +0 −105 allennlp/common/det_hash.py
  34. +50 −728 allennlp/common/file_utils.py
  35. +2 −53 allennlp/common/from_params.py
  36. +3 −3 allennlp/common/logging.py
  37. +56 −78 allennlp/common/params.py
  38. +180 −0 allennlp/common/push_to_hf.py
  39. +86 −1 allennlp/common/registrable.py
  40. +0 −104 allennlp/common/sqlite_sparse_sequence.py
  41. +16 −3 allennlp/common/testing/test_case.py
  42. +16 −2 allennlp/common/util.py
  43. +6 −8 allennlp/confidence_checks/task_checklists/question_answering_suite.py
  44. +10 −12 allennlp/confidence_checks/task_checklists/sentiment_analysis_suite.py
  45. +7 −1 allennlp/confidence_checks/task_checklists/task_suite.py
  46. +384 −13 allennlp/confidence_checks/task_checklists/textual_entailment_suite.py
  47. +6 −1 allennlp/data/data_loaders/data_collator.py
  48. +1 −6 allennlp/data/data_loaders/multiprocess_data_loader.py
  49. +1 −6 allennlp/data/data_loaders/multitask_data_loader.py
  50. +1 −5 allennlp/data/data_loaders/simple_data_loader.py
  51. +3 −6 allennlp/data/dataset_readers/babi.py
  52. +0 −3 allennlp/data/dataset_readers/conll2003.py
  53. +0 −6 allennlp/data/dataset_readers/interleaving_dataset_reader.py
  54. +0 −4 allennlp/data/dataset_readers/sequence_tagging.py
  55. +0 −4 allennlp/data/dataset_readers/sharded_dataset_reader.py
  56. +3 −6 allennlp/data/dataset_readers/text_classification_json.py
  57. +1 −7 allennlp/data/fields/adjacency_field.py
  58. +0 −6 allennlp/data/fields/flag_field.py
  59. +1 −5 allennlp/data/fields/index_field.py
  60. +1 −7 allennlp/data/fields/label_field.py
  61. +0 −9 allennlp/data/fields/list_field.py
  62. +0 −6 allennlp/data/fields/metadata_field.py
  63. +1 −7 allennlp/data/fields/multilabel_field.py
  64. +1 −6 allennlp/data/fields/namespace_swapping_field.py
  65. +1 −7 allennlp/data/fields/sequence_label_field.py
  66. +1 −5 allennlp/data/fields/span_field.py
  67. +1 −5 allennlp/data/fields/tensor_field.py
  68. +1 −10 allennlp/data/fields/text_field.py
  69. +1 −5 allennlp/data/fields/transformer_text_field.py
  70. +1 −2 allennlp/data/image_loader.py
  71. +1 −5 allennlp/data/token_indexers/elmo_indexer.py
  72. +0 −6 allennlp/data/token_indexers/pretrained_transformer_indexer.py
  73. +1 −5 allennlp/data/token_indexers/pretrained_transformer_mismatched_indexer.py
  74. +0 −5 allennlp/data/token_indexers/single_id_token_indexer.py
  75. +1 −4 allennlp/data/token_indexers/spacy_indexer.py
  76. +4 −6 allennlp/data/token_indexers/token_characters_indexer.py
  77. +10 −3 allennlp/data/tokenizers/character_tokenizer.py
  78. +0 −2 allennlp/data/tokenizers/letters_digits_tokenizer.py
  79. +28 −10 allennlp/data/tokenizers/pretrained_transformer_tokenizer.py
  80. +9 −5 allennlp/data/tokenizers/sentence_splitter.py
  81. +24 −5 allennlp/data/tokenizers/spacy_tokenizer.py
  82. +4 −3 allennlp/data/tokenizers/whitespace_tokenizer.py
  83. +22 −10 allennlp/data/vocabulary.py
  84. +2 −0 allennlp/evaluation/__init__.py
  85. +241 −0 allennlp/evaluation/evaluator.py
  86. 0 {tests/tango → allennlp/evaluation/postprocessors}/__init__.py
  87. +1 −0 allennlp/evaluation/serializers/__init__.py
  88. +106 −0 allennlp/evaluation/serializers/serializers.py
  89. +2 −13 allennlp/fairness/adversarial_bias_mitigator.py
  90. +1 −0 allennlp/fairness/bias_direction.py
  91. +6 −10 allennlp/fairness/bias_metrics.py
  92. +1 −13 allennlp/fairness/bias_mitigator_applicator.py
  93. +136 −60 allennlp/fairness/fairness_metrics.py
  94. +1 −2 allennlp/interpret/influence_interpreters/simple_influence.py
  95. +2 −2 allennlp/interpret/saliency_interpreters/saliency_interpreter.py
  96. +1 −2 allennlp/models/basic_classifier.py
  97. +1 −2 allennlp/models/heads/classifier_head.py
  98. +1 −3 allennlp/models/multitask.py
  99. +3 −6 allennlp/models/simple_tagger.py
  100. +0 −2 allennlp/modules/attention/additive_attention.py
  101. +1 −2 allennlp/modules/attention/attention.py
  102. +0 −2 allennlp/modules/attention/bilinear_attention.py
  103. +1 −2 allennlp/modules/attention/cosine_attention.py
  104. +1 −2 allennlp/modules/attention/dot_product_attention.py
  105. +1 −2 allennlp/modules/attention/linear_attention.py
  106. +1 −2 allennlp/modules/attention/scaled_dot_product_attention.py
  107. +1 −2 allennlp/modules/backbones/pretrained_transformer_backbone.py
  108. +3 −4 allennlp/modules/backbones/vilbert_backbone.py
  109. +13 −0 allennlp/modules/conditional_random_field/__init__.py
  110. +45 −14 allennlp/modules/{ → conditional_random_field}/conditional_random_field.py
  111. +91 −0 allennlp/modules/conditional_random_field/conditional_random_field_wemission.py
  112. +232 −0 allennlp/modules/conditional_random_field/conditional_random_field_wlannoy.py
  113. +97 −0 allennlp/modules/conditional_random_field/conditional_random_field_wtrans.py
  114. +1 −2 allennlp/modules/elmo.py
  115. +0 −2 allennlp/modules/highway.py
  116. +0 −2 allennlp/modules/matrix_attention/bilinear_matrix_attention.py
  117. +1 −2 allennlp/modules/matrix_attention/cosine_matrix_attention.py
  118. +1 −2 allennlp/modules/matrix_attention/dot_product_matrix_attention.py
  119. +1 −2 allennlp/modules/matrix_attention/linear_matrix_attention.py
  120. +1 −2 allennlp/modules/matrix_attention/scaled_dot_product_matrix_attention.py
  121. +0 −5 allennlp/modules/seq2seq_encoders/compose_encoder.py
  122. +1 −5 allennlp/modules/seq2seq_encoders/feedforward_encoder.py
  123. +0 −5 allennlp/modules/seq2seq_encoders/pass_through_encoder.py
  124. +0 −5 allennlp/modules/seq2seq_encoders/pytorch_seq2seq_wrapper.py
  125. +1 −5 allennlp/modules/seq2seq_encoders/pytorch_transformer_wrapper.py
  126. +0 −3 allennlp/modules/seq2vec_encoders/bert_pooler.py
  127. +0 −4 allennlp/modules/seq2vec_encoders/boe_encoder.py
  128. +0 −5 allennlp/modules/seq2vec_encoders/cls_pooler.py
  129. +1 −3 allennlp/modules/seq2vec_encoders/cnn_encoder.py
  130. +4 −3 allennlp/modules/seq2vec_encoders/pytorch_seq2vec_wrapper.py
  131. +1 −0 allennlp/modules/span_extractors/__init__.py
  132. +131 −0 allennlp/modules/span_extractors/max_pooling_span_extractor.py
  133. +1 −2 allennlp/modules/span_extractors/span_extractor.py
  134. +1 −3 allennlp/modules/span_extractors/span_extractor_with_span_width_embedding.py
  135. +1 −1 allennlp/modules/stacked_alternating_lstm.py
  136. +1 −2 allennlp/modules/text_field_embedders/basic_text_field_embedder.py
  137. +1 −2 allennlp/modules/time_distributed.py
  138. +2 −4 allennlp/modules/token_embedders/embedding.py
  139. +14 −8 allennlp/modules/token_embedders/pretrained_transformer_embedder.py
  140. +7 −3 allennlp/modules/token_embedders/pretrained_transformer_mismatched_embedder.py
  141. +4 −4 allennlp/modules/transformer/__init__.py
  142. +3 −3 allennlp/modules/transformer/attention_module.py
  143. +81 −12 allennlp/modules/transformer/t5.py
  144. +2 −14 allennlp/nn/beam_search.py
  145. +5 −3 allennlp/nn/checkpoint/checkpoint_wrapper.py
  146. +2 −20 allennlp/nn/checkpoint/fairscale_checkpoint_wrapper.py
  147. +1 −2 allennlp/nn/initializers.py
  148. +1 −2 allennlp/nn/module.py
  149. +1 −2 allennlp/nn/parallel/ddp_accelerator.py
  150. +1 −9 allennlp/nn/parallel/fairscale_fsdp_accelerator.py
  151. +9 −6 allennlp/nn/util.py
  152. +0 −4 allennlp/predictors/multitask.py
  153. +1 −3 allennlp/predictors/sentence_tagger.py
  154. +1 −3 allennlp/predictors/text_classifier.py
  155. +0 −20 allennlp/tango/__init__.py
  156. +0 −208 allennlp/tango/dataloader.py
  157. +0 −142 allennlp/tango/dataset.py
  158. +0 −126 allennlp/tango/evaluation.py
  159. +0 −340 allennlp/tango/format.py
  160. +0 −21 allennlp/tango/hf_dataset.py
  161. +0 −156 allennlp/tango/hf_tokenize.py
  162. +0 −45 allennlp/tango/sqlite_format.py
  163. +0 −751 allennlp/tango/step.py
  164. +0 −63 allennlp/tango/text_only.py
  165. +0 −175 allennlp/tango/training.py
  166. +1 −1 allennlp/tools/create_elmo_embeddings_from_vocab.py
  167. +1 −0 allennlp/training/callbacks/__init__.py
  168. +60 −0 allennlp/training/callbacks/should_validate.py
  169. +1 −4 allennlp/training/callbacks/tensorboard.py
  170. +1 −5 allennlp/training/callbacks/wandb.py
  171. +34 −8 allennlp/training/gradient_descent_trainer.py
  172. +1 −6 allennlp/training/learning_rate_schedulers/combined.py
  173. +3 −4 allennlp/training/learning_rate_schedulers/cosine.py
  174. +1 −6 allennlp/training/learning_rate_schedulers/learning_rate_scheduler.py
  175. +0 −2 allennlp/training/learning_rate_schedulers/noam.py
  176. +0 −4 allennlp/training/learning_rate_schedulers/polynomial_decay.py
  177. +2 −3 allennlp/training/learning_rate_schedulers/slanted_triangular.py
  178. +1 −0 allennlp/training/metrics/__init__.py
  179. +1 −2 allennlp/training/metrics/attachment_scores.py
  180. +1 −2 allennlp/training/metrics/auc.py
  181. +0 −5 allennlp/training/metrics/average.py
  182. +5 −5 allennlp/training/metrics/bleu.py
  183. +1 −2 allennlp/training/metrics/boolean_accuracy.py
  184. +1 −2 allennlp/training/metrics/categorical_accuracy.py
  185. +1 −2 allennlp/training/metrics/covariance.py
  186. +3 −6 allennlp/training/metrics/entropy.py
  187. +1 −4 allennlp/training/metrics/evalb_bracketing_scorer.py
  188. +3 −7 allennlp/training/metrics/fbeta_measure.py
  189. +6 −7 allennlp/training/metrics/fbeta_multi_label_measure.py
  190. +154 −0 allennlp/training/metrics/fbeta_verbose_measure.py
  191. +1 −2 allennlp/training/metrics/mean_absolute_error.py
  192. +1 −2 allennlp/training/metrics/pearson_correlation.py
  193. +0 −2 allennlp/training/metrics/perplexity.py
  194. +5 −5 allennlp/training/metrics/rouge.py
  195. +1 −2 allennlp/training/metrics/sequence_accuracy.py
  196. +1 −3 allennlp/training/metrics/spearman_correlation.py
  197. +1 −2 allennlp/training/metrics/unigram_recall.py
  198. +3 −4 allennlp/training/moving_average.py
  199. +1 −5 allennlp/training/optimizers.py
  200. +2 −2 allennlp/version.py
  201. +24 −0 constraints.txt
  202. +22 −17 dev-requirements.txt
  203. +3 −0 requirements.in
  204. +49 −0 requirements.txt
  205. +1 −1 scripts/ai2_internal/run_with_beaker.py
  206. +5 −5 scripts/check_torch_version.py
  207. +62 −65 scripts/py2md.py
  208. +24 −12 scripts/tests/py2md/basic_example_expected_output.md
  209. +53 −35 setup.py
  210. +0 −1 test_fixtures/basic_classifier/common.jsonnet
  211. BIN test_fixtures/embeddings/{fake_embeddings.5d.txt.lzma → fake_embeddings.5d.txt.xz}
  212. +0 −3 test_fixtures/plugins/d/d.py
  213. BIN test_fixtures/simple_tagger/serialization_full/best.th
  214. +48 −0 test_fixtures/simple_tagger/serialization_full/config.json
  215. +1 −0 test_fixtures/simple_tagger/serialization_full/meta.json
  216. +16 −0 test_fixtures/simple_tagger/serialization_full/metrics.json
  217. +16 −0 test_fixtures/simple_tagger/serialization_full/metrics_epoch_0.json
  218. BIN test_fixtures/simple_tagger/serialization_full/model.tar.gz
  219. BIN test_fixtures/simple_tagger/serialization_full/model_state_e1_b0.th
  220. +235 −0 test_fixtures/simple_tagger/serialization_full/out.log
  221. BIN test_fixtures/simple_tagger/serialization_full/training_state_e1_b0.th
  222. 0 test_fixtures/simple_tagger/serialization_full/vocabulary/.lock
  223. +2 −0 test_fixtures/simple_tagger/serialization_full/vocabulary/labels.txt
  224. +2 −0 test_fixtures/simple_tagger/serialization_full/vocabulary/non_padded_namespaces.txt
  225. +9 −0 test_fixtures/simple_tagger/serialization_full/vocabulary/tokens.txt
  226. +0 −58 test_fixtures/tango/train_tagger.jsonnet
  227. +0 −68 test_fixtures/tango/train_tagger_complicated.jsonnet
  228. BIN test_fixtures/utf-8_sample/archives/{utf-8.tar.lzma → utf-8.tar.xz}
  229. +7 −1 tests/commands/cached_path_test.py
  230. +94 −37 tests/commands/evaluate_test.py
  231. +1 −2 tests/commands/main_test.py
  232. +0 −56 tests/commands/tango_test.py
  233. +98 −5 tests/common/cached_transformers_test.py
  234. +0 −57 tests/common/det_hash_test.py
  235. +14 −133 tests/common/file_utils_test.py
  236. +30 −56 tests/common/params_test.py
  237. +0 −3 tests/common/plugins_test.py
  238. +146 −0 tests/common/push_to_hub_test.py
  239. +66 −3 tests/common/registrable_test.py
  240. +0 −25 tests/common/sqlite_sparse_sequence_test.py
  241. +2 −0 tests/data/image_loader_test.py
  242. +13 −0 tests/data/tokenizers/character_tokenizer_test.py
  243. +33 −0 tests/data/tokenizers/pretrained_transformer_tokenizer_test.py
  244. +10 −0 tests/data/tokenizers/sentence_splitter_test.py
  245. +17 −0 tests/data/tokenizers/spacy_tokenizer_test.py
  246. +1 −1 tests/data/vocabulary_test.py
  247. 0 tests/evaluation/__init__.py
  248. +64 −0 tests/evaluation/evaluator_tests.py
  249. 0 tests/evaluation/serializers/__init__.py
  250. +76 −0 tests/evaluation/serializers/serializer_test.py
  251. +4 −4 tests/fairness/bias_direction_test.py
  252. +5 −5 tests/fairness/bias_metrics_test.py
  253. +11 −0 tests/fairness/fairness_metrics_test.py
  254. +84 −0 tests/models/multitask_test.py
  255. +137 −1 tests/modules/conditional_random_field_test.py
  256. +1 −1 tests/modules/sampled_softmax_loss_test.py
  257. +1 −5 tests/modules/seq2seq_encoders/compose_encoder_test.py
  258. +184 −0 tests/modules/span_extractors/max_pooling_span_extractor_test.py
  259. +1 −3 tests/modules/time_distributed_test.py
  260. +1 −1 tests/modules/token_embedders/embedding_test.py
  261. +14 −0 tests/modules/transformer/t5_test.py
  262. +1 −5 tests/modules/transformer/toolkit_test.py
  263. +3 −3 tests/nn/beam_search_test.py
  264. +0 −224 tests/tango/steps_test.py
  265. +2 −2 tests/training/learning_rate_schedulers/cosine_test.py
  266. +2 −2 tests/training/learning_rate_schedulers/learning_rate_scheduler_test.py
  267. +22 −0 tests/training/metrics/fbeta_multi_label_measure_test.py
  268. +504 −0 tests/training/metrics/fbeta_verbose_measure_test.py
  269. +1 −1 tests/training/metrics/spearman_correlation_test.py
  270. +2 −2 tests/training/moving_average_test.py
  271. +50 −0 tests/training/trainer_test.py
13 changes: 0 additions & 13 deletions .github/dependabot.yml

This file was deleted.

22 changes: 22 additions & 0 deletions .github/workflows/cffconvert.yml
Original file line number Diff line number Diff line change
@@ -0,0 +1,22 @@
name: cffconvert

on:
pull_request:
paths:
- CITATION.cff
push:
paths:
- CITATION.cff

jobs:
validate:
name: "validate"
runs-on: ubuntu-latest
steps:
- name: Check out a copy of the repository
uses: actions/checkout@v3

- name: Check whether the citation metadata from CITATION.cff is valid
uses: citation-file-format/cffconvert-github-action@2.0.0
with:
args: "--validate"
Loading