Package Reference
allennlp
allennlp.commands
allennlp.commands.configure
allennlp.commands.dry_run
allennlp.commands.elmo
allennlp.commands.evaluate
allennlp.commands.find_learning_rate
allennlp.commands.fine_tune
allennlp.commands.make_vocab
allennlp.commands.predict
allennlp.commands.print_results
allennlp.commands.subcommand
allennlp.commands.test_install
allennlp.commands.train
allennlp.common
allennlp.common.checks
allennlp.common.configuration
allennlp.common.file_utils
allennlp.common.from_params
allennlp.common.params
allennlp.common.registrable
allennlp.common.tee_logger
allennlp.common.testing
allennlp.common.testing.model_test_case
allennlp.common.testing.test_case
allennlp.common.tqdm
allennlp.common.util
allennlp.data
allennlp.data.dataset
allennlp.data.dataset_readers
allennlp.data.dataset_readers.babi
allennlp.data.dataset_readers.ccgbank
allennlp.data.dataset_readers.conll2000
allennlp.data.dataset_readers.conll2003
allennlp.data.dataset_readers.copynet_seq2seq
allennlp.data.dataset_readers.coreference_resolution.conll
allennlp.data.dataset_readers.coreference_resolution.winobias
allennlp.data.dataset_readers.dataset_reader
allennlp.data.dataset_readers.dataset_utils.ontonotes
allennlp.data.dataset_readers.dataset_utils.span_utils
allennlp.data.dataset_readers.dataset_utils.text2sql_utils
allennlp.data.dataset_readers.event2mind
allennlp.data.dataset_readers.interleaving_dataset_reader
allennlp.data.dataset_readers.language_modeling
allennlp.data.dataset_readers.masked_language_modeling
allennlp.data.dataset_readers.multiprocess_dataset_reader
allennlp.data.dataset_readers.next_token_lm
allennlp.data.dataset_readers.ontonotes_ner
allennlp.data.dataset_readers.penn_tree_bank
allennlp.data.dataset_readers.quora_paraphrase
allennlp.data.dataset_readers.reading_comprehension
allennlp.data.dataset_readers.reading_comprehension.drop
allennlp.data.dataset_readers.reading_comprehension.qangaroo
allennlp.data.dataset_readers.reading_comprehension.quac
allennlp.data.dataset_readers.reading_comprehension.squad
allennlp.data.dataset_readers.reading_comprehension.triviaqa
allennlp.data.dataset_readers.reading_comprehension.util
allennlp.data.dataset_readers.semantic_dependency_parsing
allennlp.data.dataset_readers.semantic_parsing
allennlp.data.dataset_readers.semantic_parsing.atis
allennlp.data.dataset_readers.semantic_parsing.grammar_based_text2sql
allennlp.data.dataset_readers.semantic_parsing.nlvr
allennlp.data.dataset_readers.semantic_parsing.quarel
allennlp.data.dataset_readers.semantic_parsing.template_text2sql
allennlp.data.dataset_readers.semantic_parsing.wikitables
allennlp.data.dataset_readers.semantic_parsing.wikitables.util
allennlp.data.dataset_readers.semantic_parsing.wikitables.wikitables
allennlp.data.dataset_readers.semantic_role_labeling
allennlp.data.dataset_readers.seq2seq
allennlp.data.dataset_readers.sequence_tagging
allennlp.data.dataset_readers.simple_language_modeling
allennlp.data.dataset_readers.snli
allennlp.data.dataset_readers.stanford_sentiment_tree_bank
allennlp.data.dataset_readers.text_classification_json
allennlp.data.dataset_readers.universal_dependencies
allennlp.data.dataset_readers.universal_dependencies_multilang
allennlp.data.fields
allennlp.data.fields.adjacency_field
allennlp.data.fields.array_field
allennlp.data.fields.field
allennlp.data.fields.index_field
allennlp.data.fields.knowledge_graph_field
allennlp.data.fields.label_field
allennlp.data.fields.list_field
allennlp.data.fields.metadata_field
allennlp.data.fields.multilabel_field
allennlp.data.fields.namespace_swapping_field
allennlp.data.fields.production_rule_field
allennlp.data.fields.sequence_field
allennlp.data.fields.sequence_label_field
allennlp.data.fields.span_field
allennlp.data.fields.text_field
allennlp.data.instance
allennlp.data.iterators
allennlp.data.iterators.basic_iterator
allennlp.data.iterators.bucket_iterator
allennlp.data.iterators.data_iterator
allennlp.data.iterators.homogeneous_batch_iterator
allennlp.data.iterators.multiprocess_iterator
allennlp.data.iterators.pass_through_iterator
allennlp.data.iterators.same_language_iterator
allennlp.data.token_indexers
allennlp.data.token_indexers.dep_label_indexer
allennlp.data.token_indexers.elmo_indexer
allennlp.data.token_indexers.ner_tag_indexer
allennlp.data.token_indexers.openai_transformer_byte_pair_indexer
allennlp.data.token_indexers.pos_tag_indexer
allennlp.data.token_indexers.pretrained_transformer_indexer
allennlp.data.token_indexers.single_id_token_indexer
allennlp.data.token_indexers.spacy_indexer
allennlp.data.token_indexers.token_characters_indexer
allennlp.data.token_indexers.token_indexer
allennlp.data.token_indexers.wordpiece_indexer
allennlp.data.tokenizers
allennlp.data.tokenizers.character_tokenizer
allennlp.data.tokenizers.pretrained_transformer_tokenizer
allennlp.data.tokenizers.sentence_splitter
allennlp.data.tokenizers.token
allennlp.data.tokenizers.tokenizer
allennlp.data.tokenizers.word_filter
allennlp.data.tokenizers.word_splitter
allennlp.data.tokenizers.word_stemmer
allennlp.data.tokenizers.word_tokenizer
allennlp.data.vocabulary
allennlp.interpret
allennlp.interpret.attackers
allennlp.interpret.attackers.attacker
allennlp.interpret.attackers.hotflip
allennlp.interpret.attackers.input_reduction
allennlp.interpret.attackers.utils
allennlp.interpret.saliency_interpreters
allennlp.interpret.saliency_interpreters.integrated_gradient
allennlp.interpret.saliency_interpreters.saliency_interpreter
allennlp.interpret.saliency_interpreters.simple_gradient
allennlp.interpret.saliency_interpreters.smooth_gradient
allennlp.models
allennlp.models.archival
allennlp.models.basic_classifier
allennlp.models.bert_for_classification
allennlp.models.biaffine_dependency_parser
allennlp.models.biaffine_dependency_parser_multilang
allennlp.models.biattentive_classification_network
allennlp.models.bimpm
allennlp.models.constituency_parser
allennlp.models.coreference_resolution
allennlp.models.coreference_resolution.coref
allennlp.models.crf_tagger
allennlp.models.decomposable_attention
allennlp.models.encoder_decoders
allennlp.models.encoder_decoders.composed_seq2seq
allennlp.models.encoder_decoders.copynet_seq2seq
allennlp.models.encoder_decoders.simple_seq2seq
allennlp.models.ensemble
allennlp.models.esim
allennlp.models.event2mind
allennlp.models.graph_parser
allennlp.models.language_model
allennlp.models.masked_language_model
allennlp.models.model
allennlp.models.next_token_lm
allennlp.models.reading_comprehension
allennlp.models.reading_comprehension.bidaf
allennlp.models.reading_comprehension.bidaf_ensemble
allennlp.models.reading_comprehension.dialog_qa
allennlp.models.reading_comprehension.naqanet
allennlp.models.reading_comprehension.qanet
allennlp.models.reading_comprehension.util
allennlp.models.semantic_parsing
allennlp.models.semantic_parsing.atis
allennlp.models.semantic_parsing.atis.atis_semantic_parser
allennlp.models.semantic_parsing.nlvr
allennlp.models.semantic_parsing.nlvr.nlvr_coverage_semantic_parser
allennlp.models.semantic_parsing.nlvr.nlvr_direct_semantic_parser
allennlp.models.semantic_parsing.nlvr.nlvr_semantic_parser
allennlp.models.semantic_parsing.quarel
allennlp.models.semantic_parsing.quarel.quarel_semantic_parser
allennlp.models.semantic_parsing.text2sql_parser
allennlp.models.semantic_parsing.wikitables
allennlp.models.semantic_parsing.wikitables.wikitables_erm_semantic_parser
allennlp.models.semantic_parsing.wikitables.wikitables_mml_semantic_parser
allennlp.models.semantic_parsing.wikitables.wikitables_semantic_parser
allennlp.models.semantic_role_labeler
allennlp.models.simple_tagger
allennlp.models.srl_bert
allennlp.models.srl_util
allennlp.modules
allennlp.modules.attention
allennlp.modules.attention.additive_attention
allennlp.modules.attention.attention
allennlp.modules.attention.bilinear_attention
allennlp.modules.attention.cosine_attention
allennlp.modules.attention.dot_product_attention
allennlp.modules.attention.legacy_attention
allennlp.modules.attention.linear_attention
allennlp.modules.augmented_lstm
allennlp.modules.bimpm_matching
allennlp.modules.conditional_random_field
allennlp.modules.elmo
allennlp.modules.elmo_lstm
allennlp.modules.feedforward
allennlp.modules.highway
allennlp.modules.input_variational_dropout
allennlp.modules.language_model_heads
allennlp.modules.language_model_heads.bert
allennlp.modules.language_model_heads.gpt2
allennlp.modules.language_model_heads.language_model_head
allennlp.modules.layer_norm
allennlp.modules.lstm_cell_with_projection
allennlp.modules.masked_layer_norm
allennlp.modules.matrix_attention
allennlp.modules.matrix_attention.bilinear_matrix_attention
allennlp.modules.matrix_attention.cosine_matrix_attention
allennlp.modules.matrix_attention.dot_product_matrix_attention
allennlp.modules.matrix_attention.legacy_matrix_attention
allennlp.modules.matrix_attention.linear_matrix_attention
allennlp.modules.matrix_attention.matrix_attention
allennlp.modules.maxout
allennlp.modules.openai_transformer
allennlp.modules.pruner
allennlp.modules.residual_with_layer_dropout
allennlp.modules.sampled_softmax_loss
allennlp.modules.scalar_mix
allennlp.modules.seq2seq_decoders
allennlp.modules.seq2seq_decoders.auto_regressive_seq_decoder
allennlp.modules.seq2seq_decoders.decoder_net
allennlp.modules.seq2seq_decoders.lstm_cell_decoder_net
allennlp.modules.seq2seq_decoders.seq_decoder
allennlp.modules.seq2seq_decoders.stacked_self_attention_decoder_net
allennlp.modules.seq2seq_encoders
allennlp.modules.seq2seq_encoders.bidirectional_language_model_transformer
allennlp.modules.seq2seq_encoders.feedforward_encoder
allennlp.modules.seq2seq_encoders.gated_cnn_encoder
allennlp.modules.seq2seq_encoders.intra_sentence_attention
allennlp.modules.seq2seq_encoders.multi_head_self_attention
allennlp.modules.seq2seq_encoders.pass_through_encoder
allennlp.modules.seq2seq_encoders.pytorch_seq2seq_wrapper
allennlp.modules.seq2seq_encoders.qanet_encoder
allennlp.modules.seq2seq_encoders.seq2seq_encoder
allennlp.modules.seq2seq_encoders.stacked_self_attention
allennlp.modules.seq2vec_encoders
allennlp.modules.seq2vec_encoders.bert_pooler
allennlp.modules.seq2vec_encoders.boe_encoder
allennlp.modules.seq2vec_encoders.cnn_encoder
allennlp.modules.seq2vec_encoders.cnn_highway_encoder
allennlp.modules.seq2vec_encoders.pytorch_seq2vec_wrapper
allennlp.modules.seq2vec_encoders.seq2vec_encoder
allennlp.modules.similarity_functions
allennlp.modules.similarity_functions.bilinear
allennlp.modules.similarity_functions.cosine
allennlp.modules.similarity_functions.dot_product
allennlp.modules.similarity_functions.linear
allennlp.modules.similarity_functions.multiheaded
allennlp.modules.similarity_functions.similarity_function
allennlp.modules.span_extractors
allennlp.modules.span_extractors.bidirectional_endpoint_span_extractor
allennlp.modules.span_extractors.endpoint_span_extractor
allennlp.modules.span_extractors.self_attentive_span_extractor
allennlp.modules.span_extractors.span_extractor
allennlp.modules.stacked_alternating_lstm
allennlp.modules.stacked_bidirectional_lstm
allennlp.modules.text_field_embedders
allennlp.modules.text_field_embedders.basic_text_field_embedder
allennlp.modules.text_field_embedders.text_field_embedder
allennlp.modules.time_distributed
allennlp.modules.token_embedders
allennlp.modules.token_embedders.bag_of_word_counts_token_embedder
allennlp.modules.token_embedders.bert_token_embedder
allennlp.modules.token_embedders.elmo_token_embedder
allennlp.modules.token_embedders.elmo_token_embedder_multilang
allennlp.modules.token_embedders.embedding
allennlp.modules.token_embedders.language_model_token_embedder
allennlp.modules.token_embedders.openai_transformer_embedder
allennlp.modules.token_embedders.pass_through_token_embedder
allennlp.modules.token_embedders.pretrained_transformer_embedder
allennlp.modules.token_embedders.token_characters_encoder
allennlp.modules.token_embedders.token_embedder
allennlp.nn
allennlp.nn.activations
allennlp.nn.beam_search
allennlp.nn.chu_liu_edmonds
allennlp.nn.initializers
allennlp.nn.regularizers
allennlp.nn.regularizers.regularizer
allennlp.nn.regularizers.regularizer_applicator
allennlp.nn.regularizers.regularizers
allennlp.nn.util
allennlp.predictors
allennlp.predictors.atis_parser
allennlp.predictors.biaffine_dependency_parser
allennlp.predictors.bidaf
allennlp.predictors.constituency_parser
allennlp.predictors.coref
allennlp.predictors.decomposable_attention
allennlp.predictors.dialog_qa
allennlp.predictors.event2mind
allennlp.predictors.masked_language_model
allennlp.predictors.next_token_lm
allennlp.predictors.nlvr_parser
allennlp.predictors.open_information_extraction
allennlp.predictors.predictor
allennlp.predictors.quarel_parser
allennlp.predictors.semantic_role_labeler
allennlp.predictors.sentence_tagger
allennlp.predictors.seq2seq
allennlp.predictors.simple_seq2seq
allennlp.predictors.text_classifier
allennlp.predictors.wikitables_parser
allennlp.pretrained
allennlp.semparse
allennlp.semparse.action_space_walker
allennlp.semparse.common
allennlp.semparse.common.date
allennlp.semparse.common.errors
allennlp.semparse.contexts
allennlp.semparse.contexts.atis_sql_table_context
allennlp.semparse.contexts.atis_tables
allennlp.semparse.contexts.knowledge_graph
allennlp.semparse.contexts.quarel_utils
allennlp.semparse.contexts.sql_context_utils
allennlp.semparse.contexts.table_question_context
allennlp.semparse.contexts.text2sql_table_context
allennlp.semparse.domain_languages
allennlp.semparse.domain_languages.domain_language
allennlp.semparse.domain_languages.nlvr_language
allennlp.semparse.domain_languages.quarel_language
allennlp.semparse.domain_languages.wikitables_language
allennlp.semparse.executors
allennlp.semparse.executors.sql_executor
allennlp.semparse.type_declarations
allennlp.semparse.type_declarations.quarel_type_declaration
allennlp.semparse.type_declarations.type_declaration
allennlp.semparse.util
allennlp.semparse.worlds
allennlp.semparse.worlds.atis_world
allennlp.semparse.worlds.quarel_world
allennlp.semparse.worlds.text2sql_world
allennlp.semparse.worlds.world
allennlp.service
allennlp.service.config_explorer
allennlp.service.server_simple
allennlp.state_machines
allennlp.state_machines.beam_search
allennlp.state_machines.constrained_beam_search
allennlp.state_machines.states
allennlp.state_machines.states.checklist_statelet
allennlp.state_machines.states.coverage_state
allennlp.state_machines.states.grammar_based_state
allennlp.state_machines.states.grammar_statelet
allennlp.state_machines.states.lambda_grammar_statelet
allennlp.state_machines.states.rnn_statelet
allennlp.state_machines.states.state
allennlp.state_machines.trainers
allennlp.state_machines.trainers.decoder_trainer
allennlp.state_machines.trainers.expected_risk_minimization
allennlp.state_machines.trainers.maximum_marginal_likelihood
allennlp.state_machines.transition_functions
allennlp.state_machines.transition_functions.basic_transition_function
allennlp.state_machines.transition_functions.coverage_transition_function
allennlp.state_machines.transition_functions.linking_coverage_transition_function
allennlp.state_machines.transition_functions.linking_transition_function
allennlp.state_machines.transition_functions.transition_function
allennlp.state_machines.util
allennlp.tools
allennlp.tools.archive_surgery
allennlp.tools.create_elmo_embeddings_from_vocab
allennlp.tools.drop_eval
allennlp.tools.inspect_cache
allennlp.tools.quoref_eval
allennlp.tools.squad_eval
allennlp.tools.wikitables_evaluator
allennlp.training
allennlp.training.callback_trainer
allennlp.training.callbacks.callback
allennlp.training.callbacks.callback_handler
allennlp.training.callbacks.checkpoint
allennlp.training.callbacks.events
allennlp.training.callbacks.gradient_norm_and_clip
allennlp.training.callbacks.log_to_tensorboard
allennlp.training.callbacks.post_to_url
allennlp.training.callbacks.track_metrics
allennlp.training.callbacks.update_learning_rate
allennlp.training.callbacks.update_momentum
allennlp.training.callbacks.update_moving_average
allennlp.training.callbacks.validate
allennlp.training.checkpointer
allennlp.training.learning_rate_schedulers
allennlp.training.learning_rate_schedulers.cosine
allennlp.training.learning_rate_schedulers.learning_rate_scheduler
allennlp.training.learning_rate_schedulers.noam
allennlp.training.learning_rate_schedulers.slanted_triangular
allennlp.training.metric_tracker
allennlp.training.metrics
allennlp.training.metrics.attachment_scores
allennlp.training.metrics.auc
allennlp.training.metrics.average
allennlp.training.metrics.bleu
allennlp.training.metrics.boolean_accuracy
allennlp.training.metrics.categorical_accuracy
allennlp.training.metrics.conll_coref_scores
allennlp.training.metrics.covariance
allennlp.training.metrics.drop_em_and_f1
allennlp.training.metrics.entropy
allennlp.training.metrics.evalb_bracketing_scorer
allennlp.training.metrics.f1_measure
allennlp.training.metrics.fbeta_measure
allennlp.training.metrics.mean_absolute_error
allennlp.training.metrics.mention_recall
allennlp.training.metrics.metric
allennlp.training.metrics.pearson_correlation
allennlp.training.metrics.perplexity
allennlp.training.metrics.sequence_accuracy
allennlp.training.metrics.span_based_f1_measure
allennlp.training.metrics.squad_em_and_f1
allennlp.training.metrics.srl_eval_scorer
allennlp.training.metrics.unigram_recall
allennlp.training.momentum_schedulers
allennlp.training.momentum_schedulers.inverted_triangular
allennlp.training.momentum_schedulers.momentum_scheduler
allennlp.training.moving_average
allennlp.training.no_op_trainer
allennlp.training.optimizers
allennlp.training.scheduler
allennlp.training.tensorboard_writer
allennlp.training.trainer
allennlp.training.trainer_base
allennlp.training.trainer_pieces
allennlp.training.util