Changelog#
All notable changes to this project will be documented in this file.
The format is based on Keep a Changelog, and this project adheres to Semantic Versioning.
Unreleased#
Removed#
- Removed the three semparse models, since they no longer work.
v2.10.1 - 2022-10-18#
Fixed#
- Fixed redundant TextFieldwrapping inTransformerSuperGlueRteReader.
v2.10.0 - 2022-07-14#
Added#
- Changed the token-based verbose metric in the CrfTaggermodel (whenverbose_metricsisTrueandcalculate_span_f1isFalse) to beFBetaVerboseMeasureinstead ofFBetaMeasure.
- Added option weight_strategytoCrfTaggerin order to support three sample weighting techniques.
v2.9.3 - 2022-04-14#
Added#
- Added jpegextension to__init__ofVisionReader.
v2.9.0 - 2022-01-27#
Added#
- Added Python 3.9 to the testing matrix
Changed#
- Following a breaking change in the NLTK API, we now depend on the most recent version only.
- Added Tensorboard callbacks to the RC models
- The error message you get when perl isn't installed is now more readable.
Removed#
- Removed the dependency on the overridespackage
- Removed Tango components, since they now live at https://github.com/allenai/tango
v2.8.0 - 2021-11-05#
Changed#
- Seperate start/end token check in Seq2SeqDatasetReaderfor source and target tokenizers.
v2.7.0 - 2021-09-01#
Added#
- Added superglue_recordto the rc readers for SuperGLUE's Reading Comprehension with Commonsense Reasoning task
- Added some additional __init__()parameters to theT5model inallennlp_models.generationfor customizing. beam search and other options.
- Added a configuration file for fine-tuning t5-11bon CCN-DM (requires at least 8 GPUs).
- Added a configuration to train on the PIQA dataset with AllenNLP Tango.
- Added a transformer classification model.
- Added a configuration to train on the IMDB dataset with AllenNLP Tango.
- Added scheduled_sampling_ratioargument toCopyNetSeq2Seqto use scheduled sampling during training.
Fixed#
- Fixed tests for Spacy versions greater than 3.1.
- Fixed the last step decoding when training CopyNet.
- Allow singleton clusters in ConllCorefScores.
Changed#
- Updated VisionReaderto yield all ofRegionDetectorOutput's keys in processing.
v2.6.0 - 2021-07-19#
Added#
- Added support for NLVR2 visual entailment, including a data loader, two models, and training configs.
- Added StanfordSentimentTreeBankDatasetReader.apply_token_indexers()to add token_indexers rather than intext_to_instance
- Added AdversarialBiasMitigatortests.
- Added adversarial-binary-gender-bias-mitigated-roberta-snlimodel.
- Added support for Flickr30k image retrieval, including a dataset reader, a model, and a training config.
- Added label_smoothingparameter toCopyNetSeq2Relto smooth generation targets.
- Added vocabas argument tobeam_search.constructin allgenerationmodels.
Fixed#
- Fixed binary-gender-bias-mitigated-roberta-snlimodel card to indicate that model requiresallennlp@v2.5.0.
- Fixed registered model name in the pair-classification-roberta-rteandvgqa-vilbertmodel cards.
Changed#
- The multiple choice models now use the new TransformerTextFieldand the transformer toolkit generally.
v2.5.0 - 2021-06-03#
Changed#
- Updated all instances of sanity_checkstoconfidence_checks.
- The num_serialized_models_to_keepparameter is now calledkeep_most_recent_by_count.
- Improvements to the vision models and other models that use allennlp.modules.transformerunder the hood.
Added#
- Added tests for checklist suites for SQuAD-style reading comprehension models (bidaf), and textual entailment models (decomposable_attentionandesim).
- Added an optional "weight" parameter to CopyNetSeq2Seq.forward()for calculating a weighted loss instead of the simple average over the the negative log likelihoods for each instance in the batch.
- Added a way to initialize the SrlBertmodel without caching/loading pretrained transformer weights. You need to set thebert_modelparameter to the dictionary form of the correspondingBertConfigfrom HuggingFace. See PR #257 for more details.
- Added a beam_searchparameter to thegenerationmodels so that aBeamSearchobject can be specified in their configs.
- Added a binary gender bias-mitigated RoBERTa model for SNLI.
v2.4.0 - 2021-04-22#
Added#
- Added T5model for generation.
- Added a classmethod constructor on Seq2SeqPredictor:.pretrained_t5_for_generation().
- Added a parameter called source_prefixtoCNNDailyMailDatasetReader. This is useful with T5, for example, by settingsource_prefixto "summarization: ".
- Tests for VqaMeasure.
- Distributed tests for ConllCorefScoresandSrlEvalScorermetrics.
- Added dataset reader for visual genome QA.
Fixed#
- pretrained.load_predictor()now allows for loading model onto GPU.
- VqaMeasurenow calculates correctly in the distributed case.
- ConllCorefScoresnow calculates correctly in the distributed case.
- SrlEvalScorerraises an appropriate error if run in the distributed setting.
Changed#
- Updated registered_predictor_nametonullin model cards for the models where it was the same as the default predictor.
v2.3.0 - 2021-04-14#
Fixed#
- Fixed bug in experiment_from_huggingface.jsonnetandexperiment.jsonnetby changingmin_countto have keylabelsinstead ofanswers. Resolves failure of model checks that involve calling_extendinvocabulary.py
- TransformerQAnow outputs span probabilities as well as scores.
- TransformerQAPredictornow implements- predictions_to_labeled_instances, which is required for the interpret module.
Added#
- Added script that produces the coref training data.
- Added tests for using allennlp predicton multitask models.
- Added reader and training config for RoBERTa on SuperGLUE's Recognizing Textual Entailment task
v2.2.0 - 2021-03-26#
Added#
- Evaluating RC task card and associated LERC model card
- Compatibility with PyTorch 1.8
- Allows the order of examples in the task cards to be specified explicitly
- Dataset reader for SuperGLUE BoolQ
Changed#
- Add option combine_input_fieldsinSnliDatasetReaderto support only having "non-entailment" and "entailment" as output labels.
- Made all the models run on AllenNLP 2.1
- Add option ignore_loss_on_o_tagsinCrfTaggerto set the flag outside its forward function.
- Add make_output_human_readablefor pair classification models (BiMpm,DecomposableAttention, andESIM).
Fixed#
- Fixed https://github.com/allenai/allennlp/issues/4745.
- Updated QaNetandNumericallyAugmentedQaNetmodels to remove bias for layers that are followed by normalization layers.
- Updated the model cards for rc-naqanet,vqa-vilbertandve-vilbert.
- Predictors now work for the vilbert-multitask model.
- Support unlabeled instances in SnliDatasetReader.
v2.1.0 - 2021-02-24#
Changed#
- coding_schemeparameter is now deprecated in- Conll2000DatasetReader, please use- convert_to_coding_schemeinstead.
Added#
- BART model now adds a predicted_textfield inmake_output_human_readablethat has the cleaned text corresponding topredicted_tokens.
Fixed#
- Made labelparameter inTransformerMCReader.text_to_instanceoptional with default ofNone.
- Updated many of the models for version 2.1.0. Fixed and re-trained many of the models.
v2.0.1 - 2021-02-01#
Fixed#
- Fixed OpenIePredictor.predict_jsonso it treats auxiliary verbs as verbs when the language is English.
v2.0.0 - 2021-01-27#
Fixed#
- Made the training configs compatible with the tensorboard logging changes in the main repo
v2.0.0rc1 - 2021-01-21#
Added#
- Dataset readers, models, metrics, and training configs for VQAv2, GQA, and Visual Entailment
Fixed#
- Fixed training_configs/pair_classification/bimpm.jsonnetandtraining_configs/rc/dialog_qa.jsonnetto work with new data loading API.
- Fixed the potential for a dead-lock when training the TransformerQAmodel on multiple GPUs when nodes receive different sized batches.
- Fixed BART. This implementation had some major bugs in it that caused poor performance during prediction.
Removed#
- Moving ModelCardandTaskCardabstractions out of the models repository.
Changed#
- masterbranch renamed to- main
- SquadEmAndF1metric can now also accept a batch of predictions and corresponding answers (instead of a single one) in the form of list (for each).
v1.3.0 - 2020-12-15#
Fixed#
- Fix an index bug in BART prediction.
- Add Nonecheck inPrecoReader'stext_to_instance()method.
- Fixed SemanticRoleLabelerPredictor.tokens_to_instancesso it treats auxiliary verbs as verbs when the language is English
Added#
- Added link to source code to API docs.
- Information updates for remaining model cards (also includes the ones in demo, but not in the repository).
Changed#
- Updated Dockerfile.releaseandDockerfile.committo work with different CUDA versions.
- Changes required for the transformersdependency update to version 4.0.1.
Fixed#
- Added missing folder for taskcardsin setup.py
v1.2.2 - 2020-11-17#
Changed#
- Changed AllenNLP dependency for releases to allow for a range of versions, instead of being pinned to an exact version.
- There will now be multiple Docker images pushed to Docker Hub for releases, each corresponding to a different supported CUDA version (currently just 10.2 and 11.0).
Fixed#
- Fixed pair-classification-esimpretrained model.
- Fixed ValueErrorerror message inSeq2SeqDatasetReader.
- Better check for start and end symbols in Seq2SeqDatasetReaderthat doesn't fail for BPE-based tokenizers.
Added#
- Added short_descriptionfield toModelCard.
- Information updates for all model cards.
v1.2.1 - 2020-11-10#
Added#
- Added the TaskCardclass and task cards for common tasks.
- Added a test for the interpret functionality
Changed#
- Added more information to model cards for pair classification models (pair-classification-decomposable-attention-elmo,pair-classification-roberta-snli,pair-classification-roberta-mnli,pair-classification-esim).
Fixed#
- Fixed TransformerElmo config to work with the new AllenNLP
- Pinned the version of torch more tightly to make AMP work
- Fixed the somewhat fragile Bidaf test
v1.2.0 - 2020-10-29#
Changed#
- Updated docstring for Transformer MC.
- Added more information to model cards for multiple choice models (mc-roberta-commonsenseqa,mc-roberta-piqa, andmc-roberta-swag).
Fixed#
- Fixed many training configs to work out-of-the box. These include the configs for bart_cnn_dm,swag,bidaf,bidaf_elmo,naqanet, andqanet.
- Fixed minor bug in MaskedLanguageModel, where getting token ids used hard-coded assumptions (that could be wrong) instead of our standard utility function.
v1.2.0rc1 - 2020-10-22#
Added#
- Added dataset reader support for SQuAD 2.0 with both the SquadReaderandTransformerSquadReader.
- Updated the SQuAD v1.1 metric to work with SQuAD 2.0 as well.
- Updated the TransformerQAmodel to work for SQuAD 2.0.
- Added official support for Python 3.8.
- Added a json template for model cards.
- Added training_configas a field in model cards.
- Added a BeamSearchGeneratorregistrable class which can be provided to aNextTokenLMmodel to utilize beam search for predicting a sequence of tokens, instead of a single next token.BeamSearchGeneratoris an abstract class, so a concrete registered implementation needs to be used. One implementation is provided so far:TransformerBeamSearchGenerator, registered astransformer, which will work with anyNextTokenLMthat uses aPretrainedTransformerEmbedder.
- Added an overridesparameter topretrained.load_predictor().
Changed#
- rc-transformer-qapretrained model is now an updated version trained on SQuAD v2.0.
- skip_invalid_examplesparameter in SQuAD dataset readers has been deprecated. Please use- skip_impossible_questionsinstead.
Fixed#
- Fixed lm-masked-language-modelpretrained model.
- Fixed BART for latest transformersversion.
- Fixed BiDAF predictor and BiDAF predictor tests.
- Fixed a bug with Seq2SeqDatasetReaderthat would cause an exception when the desired behavior is to not add start or end symbols to either the source or the target and the defaultstart_symbolorend_symbolare not part of the tokenizer's vocabulary.
v1.1.0 - 2020-09-08#
Fixed#
- Updated LanguageModelTokenEmbedderto allow allow multiple token embedders, but only use first with non-empty type
- Fixed evaluation of metrics when using distributed setting.
- Fixed a bug introduced in 1.0 where the SRL model did not reproduce the original result.
v1.1.0rc4 - 2020-08-21#
Added#
- Added regression tests for training configs that run on a scheduled workflow.
- Added a test for the pretrained sentiment analysis model.
- Added way for questions from quora dataset to be concatenated like the sequences in the SNLI dataset.
v1.1.0rc3 - 2020-08-12#
Fixed#
- Fixed GraphParser.get_metricsso that it expects a dict fromF1Measure.get_metric.
- CopyNetand- SimpleSeq2Seqmodels now work with AMP.
- Made the SST reader a little more strict in the kinds of input it accepts.
v1.1.0rc2 - 2020-07-31#
Changed#
- Updated to PyTorch 1.6.
Fixed#
- Updated the RoBERTa SST config to make proper use of the CLS token
- Updated RoBERTa SNLI and MNLI pretrained models for latest transformersversion
Added#
- Added BART model
- Added ModelCardand related classes. Added model cards for all the pretrained models.
- Added a field registered_predictor_nametoModelCard.
- Added a method load_predictortoallennlp_models.pretrained.
- Added support to multi-layer decoder in simple seq2seq model.
v1.1.0rc1 - 2020-07-14#
Fixed#
- Updated the BERT SRL model to be compatible with the new huggingface tokenizers.
- CopyNetSeq2Seqmodel now works with pretrained transformers.
- A bug with NextTokenLMthat caused simple gradient interpreters to fail.
- A bug in training_configofqanetandbimpmthat used the old version ofregularizerandinitializer.
- The fine-grained NER transformer model did not survive an upgrade of the transformers library, but it is now fixed.
- Fixed many minor formatting issues in docstrings. Docs are now published at https://docs.allennlp.org/models/.
Changed#
- CopyNetDatasetReaderno longer automatically adds- START_TOKENand- END_TOKENto the tokenized source. If you want these in the tokenized source, it's up to the source tokenizer.
Added#
- Added two models for fine-grained NER
- Added a category for multiple choice models, including a few reference implementations
- Implemented manual distributed sharding for SNLI dataset reader.
v1.0.0 - 2020-06-16#
No additional note-worthy changes since rc6.
v1.0.0rc6 - 2020-06-11#
Changed#
- Removed deprecated "simple_seq2seq"predictor
Fixed#
- Replaced deepcopyofInstances with newInstance.duplicate()method.
- A bug where pretrained sentence taggers would fail to be initialized because some of the models were not imported.
- A bug in some RC models that would cause mixed precision training to crash when using NVIDIA apex.
- Predictor names were inconsistently switching between dashes and underscores. Now they all use underscores.
Added#
- Added option to SemanticDependenciesDatasetReader to not skip instances that have no arcs, for validation data
- Added a default predictors to several models
- Added sentiment analysis models to pretrained.py
- Added NLI models to pretrained.py
v1.0.0rc5 - 2020-05-14#
Changed#
- Moved the models into categories based on their format
Fixed#
- Made transformer_qapredictor accept JSON input with the keys "question" and "passage" to be consistent with thereading_comprehensionpredictor.
Added#
- conlludependency (previously part of- allennlp's dependencies)
v1.0.0rc4 - 2020-05-14#
We first introduced this CHANGELOG after release v1.0.0rc4, so please refer to the GitHub release
notes for this and earlier releases.