Logo
0.9.0

Package Reference

  • allennlp.commands
    • allennlp.commands.subcommand
    • allennlp.commands.configure
    • allennlp.commands.evaluate
    • allennlp.commands.make_vocab
    • allennlp.commands.predict
    • allennlp.commands.train
    • allennlp.commands.fine_tune
    • allennlp.commands.elmo
    • allennlp.commands.dry_run
    • allennlp.commands.find_learning_rate
    • allennlp.commands.test_install
    • allennlp.commands.print_results
  • 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.checks
    • allennlp.common.util
  • allennlp.data
    • allennlp.data.dataset
    • allennlp.data.dataset_readers
      • allennlp.data.dataset_readers.dataset_reader
      • allennlp.data.dataset_readers.dataset_utils
      • allennlp.data.dataset_readers.babi
      • allennlp.data.dataset_readers.ccgbank
      • allennlp.data.dataset_readers.conll2000
      • allennlp.data.dataset_readers.conll2003
      • allennlp.data.dataset_readers.coreference_resolution
      • 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.semantic_dependency_parsing
      • allennlp.data.dataset_readers.semantic_parsing
        • allennlp.data.dataset_readers.semantic_parsing.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.universal_dependencies
      • allennlp.data.dataset_readers.universal_dependencies_multilang
      • allennlp.data.dataset_readers.quora_paraphrase
      • allennlp.data.dataset_readers.copynet_seq2seq
      • allennlp.data.dataset_readers.text_classification_json
    • allennlp.data.fields
    • allennlp.data.instance
    • allennlp.data.iterators
    • allennlp.data.token_indexers
    • allennlp.data.tokenizers
    • allennlp.data.vocabulary
  • allennlp.interpret
    • allennlp.interpret.attackers
    • allennlp.interpret.saliency_interpreters
  • allennlp.models
    • allennlp.models.model
    • 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.crf_tagger
    • allennlp.models.decomposable_attention
    • allennlp.models.encoder_decoders
    • allennlp.models.ensemble
    • allennlp.models.esim
    • allennlp.models.event2mind
    • allennlp.models.graph_parser
    • allennlp.models.language_model
    • allennlp.models.masked_language_model
    • allennlp.models.next_token_lm
    • allennlp.models.reading_comprehension
    • allennlp.models.semantic_parsing
      • allennlp.models.semantic_parsing.nlvr
      • allennlp.models.semantic_parsing.wikitables
      • allennlp.models.semantic_parsing.atis
      • allennlp.models.semantic_parsing.quarel
    • allennlp.models.semantic_role_labeler
    • allennlp.models.simple_tagger
    • allennlp.models.srl_bert
    • allennlp.models.srl_util
  • allennlp.predictors
  • allennlp.modules
    • allennlp.modules.attention
    • allennlp.modules.matrix_attention
    • allennlp.modules.augmented_lstm
    • allennlp.modules.lstm_cell_with_projection
    • allennlp.modules.elmo
    • allennlp.modules.elmo_lstm
    • allennlp.modules.language_model_heads
    • allennlp.modules.conditional_random_field
    • allennlp.modules.feedforward
    • allennlp.modules.highway
    • allennlp.modules.matrix_attention
    • allennlp.modules.openai_transformer
    • allennlp.modules.seq2seq_encoders
    • allennlp.modules.seq2seq_decoders
    • allennlp.modules.seq2vec_encoders
    • allennlp.modules.span_extractors
    • allennlp.modules.similarity_functions
    • allennlp.modules.stacked_alternating_lstm
    • allennlp.modules.stacked_bidirectional_lstm
    • allennlp.modules.text_field_embedders
    • allennlp.modules.time_distributed
    • allennlp.modules.token_embedders
    • allennlp.modules.scalar_mix
    • allennlp.modules.layer_norm
    • allennlp.modules.pruner
    • allennlp.modules.maxout
    • allennlp.modules.input_variational_dropout
    • allennlp.modules.bimpm_matching
    • allennlp.modules.masked_layer_norm
    • allennlp.modules.sampled_softmax_loss
    • allennlp.modules.residual_with_layer_dropout
  • allennlp.nn
    • allennlp.nn.activations
    • allennlp.nn.chu_liu_edmonds
    • allennlp.nn.initializers
    • allennlp.nn.regularizers
    • allennlp.nn.util
    • allennlp.nn.beam_search
  • allennlp.semparse
    • allennlp.semparse.common
    • allennlp.semparse.contexts
    • allennlp.semparse.executors
    • allennlp.semparse.type_declarations
    • allennlp.semparse.worlds
    • allennlp.semparse.executors
    • allennlp.semparse.domain_languages
    • allennlp.semparse.util
  • allennlp.service
    • allennlp.service.server_simple
    • allennlp.service.config_explorer
  • allennlp.state_machines
    • allennlp.state_machines.states
    • allennlp.state_machines.trainers
    • allennlp.state_machines.transition_functions
  • allennlp.tools
  • allennlp.training
    • allennlp.training.callbacks
    • allennlp.training.callback_trainer
    • allennlp.training.checkpointer
    • allennlp.training.scheduler
    • allennlp.training.learning_rate_schedulers
    • allennlp.training.momentum_schedulers
    • allennlp.training.metric_tracker
    • allennlp.training.metrics
    • allennlp.training.moving_average
    • allennlp.training.no_op_trainer
    • allennlp.training.optimizers
    • allennlp.training.tensorboard_writer
    • allennlp.training.trainer
    • allennlp.training.trainer_base
    • allennlp.training.trainer_pieces
    • allennlp.training.util
  • allennlp.pretrained
AllenNLP
  • Docs »
  • allennlp.modules
  • View page source

allennlp.modulesΒΆ

Custom PyTorch Module s that are used as components in AllenNLP Model s.

  • allennlp.modules.attention
  • allennlp.modules.matrix_attention
  • allennlp.modules.augmented_lstm
  • allennlp.modules.lstm_cell_with_projection
  • allennlp.modules.elmo
  • allennlp.modules.elmo_lstm
  • allennlp.modules.language_model_heads
  • allennlp.modules.conditional_random_field
  • allennlp.modules.feedforward
  • allennlp.modules.highway
  • allennlp.modules.matrix_attention
  • allennlp.modules.openai_transformer
  • allennlp.modules.seq2seq_encoders
  • allennlp.modules.seq2seq_decoders
  • allennlp.modules.seq2vec_encoders
  • allennlp.modules.span_extractors
  • allennlp.modules.similarity_functions
  • allennlp.modules.stacked_alternating_lstm
  • allennlp.modules.stacked_bidirectional_lstm
  • allennlp.modules.text_field_embedders
  • allennlp.modules.time_distributed
  • allennlp.modules.token_embedders
  • allennlp.modules.scalar_mix
  • allennlp.modules.layer_norm
  • allennlp.modules.pruner
  • allennlp.modules.maxout
  • allennlp.modules.input_variational_dropout
  • allennlp.modules.bimpm_matching
  • allennlp.modules.masked_layer_norm
  • allennlp.modules.sampled_softmax_loss
  • allennlp.modules.residual_with_layer_dropout
Next Previous

© Copyright 2018, Allen Institute for Artificial Intelligence

Built with Sphinx using a theme provided by Read the Docs.