Struct rust_bert::bart::BartForConditionalGeneration  
source · [−]pub struct BartForConditionalGeneration { /* private fields */ }Expand description
BART Model for conditional generation
BART model with a vocabulary decoding head It is made of the following blocks:
- base_model:- BartModelBase BART model
- linear: Linear layer without bias tied to the weights of the token id embeddings
Implementations
sourceimpl BartForConditionalGeneration
 
impl BartForConditionalGeneration
sourcepub fn new<'p, P>(p: P, config: &BartConfig) -> BartForConditionalGeneration where
    P: Borrow<Path<'p>>, 
 
pub fn new<'p, P>(p: P, config: &BartConfig) -> BartForConditionalGeneration where
    P: Borrow<Path<'p>>, 
Build a new BartForConditionalGeneration
Arguments
- p- Variable store path for the root of the BART model
- config-- BartConfigobject defining the model architecture
Example
use rust_bert::bart::{BartConfig, BartForConditionalGeneration};
use rust_bert::Config;
use std::path::Path;
use tch::{nn, Device};
let config_path = Path::new("path/to/config.json");
let device = Device::Cpu;
let p = nn::VarStore::new(device);
let config = BartConfig::from_file(config_path);
let bart: BartForConditionalGeneration =
    BartForConditionalGeneration::new(&p.root() / "bart", &config);sourcepub fn forward_t(
    &self, 
    input_ids: Option<&Tensor>, 
    attention_mask: Option<&Tensor>, 
    encoder_output: Option<&Tensor>, 
    decoder_input_ids: Option<&Tensor>, 
    decoder_attention_mask: Option<&Tensor>, 
    old_layer_states: Option<Vec<(Option<LayerState>, Option<LayerState>)>>, 
    train: bool
) -> BartModelOutput
 
pub fn forward_t(
    &self, 
    input_ids: Option<&Tensor>, 
    attention_mask: Option<&Tensor>, 
    encoder_output: Option<&Tensor>, 
    decoder_input_ids: Option<&Tensor>, 
    decoder_attention_mask: Option<&Tensor>, 
    old_layer_states: Option<Vec<(Option<LayerState>, Option<LayerState>)>>, 
    train: bool
) -> BartModelOutput
Forward pass through the model
Arguments
- input_ids- Optional input tensor of shape (batch size, source_sequence_length). Must be provided when not running in generation mode
- attention_mask- Optional attention mask of shape (batch size, source_sequence_length) for the encoder positions. Positions with a mask with value 0 will be masked.
- encoder_outputs- Optional tuple made of a tensor of shape (batch size, source_sequence_length, encoder_hidden_dim) and optional vectors of tensors of length num_encoder_layers with shape (batch size, source_sequence_length, hidden_size). These correspond to the encoder last hidden state and optional hidden states/attention weights for encoder layers. When provided, the encoder hidden state will not be recalculated. Useful for generation tasks.
- decoder_input_ids- Optional input tensor of shape (batch size, target_sequence_length). Must be provided when running in generation mode (e.g. initialized with a BOS token)
- decoder_attention_mask- Optional attention mask of shape (batch size, target_sequence_length) for the decoder positions. Positions with a mask with value 0 will be masked.
- train- boolean flag to turn on/off the dropout layers in the model. Should be set to false for inference.
Returns
- BartModelOutputcontaining:- decoder_output-- Tensorof shape (batch size, target_sequence_length, vocab_size) representing the logits for each vocabulary item and position
- encoder_hidden_states-- Tensorof shape (batch size, source_sequence_length, hidden_size) representing the activations of the last encoder hidden state
- cache-- (Option<Tensor>, Option<Vec<&LayerState, &LayerState>>)of length n_layer containing the encoder padding mask and past keys and values for both the self attention and the encoder cross attention of each layer of the decoder.
- all_encoder_hidden_states-- Option<Vec<Tensor>>of length num_encoder_layers with shape (batch size, source_sequence_length, hidden_size)
- all_encoder_attentions-- Option<Vec<Tensor>>of length num_encoder_layers with shape (batch size, source_sequence_length, hidden_size)
- all_decoder_hidden_states-- Option<Vec<Tensor>>of length num_decoder_layers with shape (batch size, target_sequence_length, hidden_size)
- all_decoder_attentions-- Option<Vec<Tensor>>of length num_decoder_layers with shape (batch size, target_sequence_length, hidden_size)
 
Example
use rust_bert::bart::{BartConfig, BartForConditionalGeneration};
 let (batch_size, source_sequence_length, target_sequence_length) = (64, 128, 56);
 let input_tensor = Tensor::rand(&[batch_size, source_sequence_length], (Int64, device));
 let target_tensor = Tensor::rand(&[batch_size, target_sequence_length], (Int64, device));
 let encoder_attention_mask = Tensor::ones(&[batch_size, source_sequence_length], (Int64, device));
 let decoder_attention_mask = Tensor::ones(&[batch_size, source_sequence_length], (Int64, device));
 let model_output = no_grad(|| {
   bart_model
        .forward_t(Some(&input_tensor),
                   Some(&encoder_attention_mask),
                   None,
                   Some(&target_tensor),
                   Some(&decoder_attention_mask),
                   None,
                   false)
   });pub fn encode(
    &self, 
    input_ids: &Tensor, 
    attention_mask: Option<&Tensor>
) -> Tensor
Trait Implementations
sourceimpl LMHeadModel for BartForConditionalGeneration
 
impl LMHeadModel for BartForConditionalGeneration
sourcefn forward_t(
    &self, 
    input_ids: Option<&Tensor>, 
    cache: Cache, 
    attention_mask: Option<&Tensor>, 
    _token_type_ids: Option<&Tensor>, 
    _position_ids: Option<&Tensor>, 
    _input_embeds: Option<&Tensor>, 
    encoder_outputs: Option<&Tensor>, 
    decoder_input_ids: Option<&Tensor>, 
    train: bool
) -> Result<LMModelOutput, RustBertError>
 
fn forward_t(
    &self, 
    input_ids: Option<&Tensor>, 
    cache: Cache, 
    attention_mask: Option<&Tensor>, 
    _token_type_ids: Option<&Tensor>, 
    _position_ids: Option<&Tensor>, 
    _input_embeds: Option<&Tensor>, 
    encoder_outputs: Option<&Tensor>, 
    decoder_input_ids: Option<&Tensor>, 
    train: bool
) -> Result<LMModelOutput, RustBertError>
Forward pass through the model
Arguments
- input_ids- Optional input tensor of shape (batch size, sequence_length). If None, pre-computed embeddings must be provided (see- input_embeds)
- layer_past- Optional vector of length- num_layerscontaining tuples of optional- LayerStatescontaining the last calculated key and value pairs for the decoder. This avoids recomputing attention weights at past positions and speeds up decoding.
- attention_mask- Optional mask of shape (batch size, sequence_length). Masked position have value 0, non-masked value 1. If None set to 1
- input_embeds- Unused for BART
- token_type_ids- Unused for BART
- position_ids- Unused for BART
- encoder_outputs- Optional tensor of shape (batch size, source_sequence_length, hidden_size). When provided, the encoder hidden state will not be recalculated. Useful for generation tasks.
- decoder_input_ids- Optional input tensor of shape (batch size, target_sequence_length). Must be provided when running in generation mode (e.g. initialized with a BOS token)
- train- boolean flag to turn on/off the dropout layers in the model. Should be set to false for inference.
Returns
- LMModelOutputcontaining:- lm_logits-- Tensorof shape (batch size, sequence_length, vocab_size) representing the logits for each vocab item and position
- cache-- BartCachemade of- Option<Vec<(Option<Vec<&LayerState, &LayerState>>)>>of length n_layer containing the encoder past keys and values for both the self attention and the encoder cross attention of each layer of the decoder.
 
Example
use rust_bert::pipelines::generation_utils::LMHeadModel;
use rust_bert::bart::{BartForConditionalGeneration, BartConfig};
 let (batch_size, source_sequence_length, target_sequence_length) = (64, 128, 56);
 let input_tensor = Tensor::rand(&[batch_size, source_sequence_length], (Int64, device));
 let target_tensor = Tensor::rand(&[batch_size, target_sequence_length], (Int64, device));
 let encoder_attention_mask = Tensor::ones(&[batch_size, source_sequence_length], (Int64, device));
 let decoder_attention_mask = Tensor::ones(&[batch_size, source_sequence_length], (Int64, device));
 let model_output = no_grad(|| {
   bart_model
        .forward_t(Some(&input_tensor),
                   Some(&encoder_attention_mask),
                   None,
                   Some(&target_tensor),
                   Some(&decoder_attention_mask),
                   None,
                   false)
   });sourceimpl LanguageGenerator<BartForConditionalGeneration, RobertaVocab, RobertaTokenizer> for BartGenerator
 
impl LanguageGenerator<BartForConditionalGeneration, RobertaVocab, RobertaTokenizer> for BartGenerator
sourcefn generate<S>(
    &self, 
    prompt_texts: Option<&[S]>, 
    generate_options: Option<GenerateOptions<'_>>
) -> Vec<GeneratedTextOutput>ⓘNotable traits for Vec<u8, A>impl<A> Write for Vec<u8, A> where
    A: Allocator,  where
    S: AsRef<str> + Sync, 
 
fn generate<S>(
    &self, 
    prompt_texts: Option<&[S]>, 
    generate_options: Option<GenerateOptions<'_>>
) -> Vec<GeneratedTextOutput>ⓘNotable traits for Vec<u8, A>impl<A> Write for Vec<u8, A> where
    A: Allocator,  where
    S: AsRef<str> + Sync, 
A: Allocator,
Generate text based on a vector of promp texts. Read more
sourcefn generate_indices<S>(
    &self, 
    prompt_texts: Option<&[S]>, 
    generate_options: Option<GenerateOptions<'_>>
) -> Vec<GeneratedIndicesOutput>ⓘNotable traits for Vec<u8, A>impl<A> Write for Vec<u8, A> where
    A: Allocator,  where
    S: AsRef<str> + Sync, 
 
fn generate_indices<S>(
    &self, 
    prompt_texts: Option<&[S]>, 
    generate_options: Option<GenerateOptions<'_>>
) -> Vec<GeneratedIndicesOutput>ⓘNotable traits for Vec<u8, A>impl<A> Write for Vec<u8, A> where
    A: Allocator,  where
    S: AsRef<str> + Sync, 
A: Allocator,
Generate token indices without decoding (useful for token-level operations before returning final text or as validation step during training). Read more
sourcefn generate_from_ids_and_past(
    &self, 
    input_ids: Tensor, 
    attention_mask: Option<Tensor>, 
    generate_options: Option<GenerateOptions<'_>>
) -> Vec<GeneratedIndicesOutput>ⓘNotable traits for Vec<u8, A>impl<A> Write for Vec<u8, A> where
    A: Allocator, 
 
fn generate_from_ids_and_past(
    &self, 
    input_ids: Tensor, 
    attention_mask: Option<Tensor>, 
    generate_options: Option<GenerateOptions<'_>>
) -> Vec<GeneratedIndicesOutput>ⓘNotable traits for Vec<u8, A>impl<A> Write for Vec<u8, A> where
    A: Allocator, 
A: Allocator,
Generate token indices given a list of indices (useful when the input has been pre-tokenized). Returns a list of output tokens that need to be decoded using a tokenizer. Read more
sourcefn get_tokenizer(&self) -> &TokenizerOption
 
fn get_tokenizer(&self) -> &TokenizerOption
Returns a reference to the text generator’s tokenizer Read more
fn half(&mut self)
fn float(&mut self)
fn set_device(&mut self, device: Device)
Auto Trait Implementations
impl RefUnwindSafe for BartForConditionalGeneration
impl Send for BartForConditionalGeneration
impl !Sync for BartForConditionalGeneration
impl Unpin for BartForConditionalGeneration
impl UnwindSafe for BartForConditionalGeneration
Blanket Implementations
sourceimpl<T> BorrowMut<T> for T where
    T: ?Sized, 
 
impl<T> BorrowMut<T> for T where
    T: ?Sized, 
const: unstable · sourcefn borrow_mut(&mut self) -> &mut T
 
fn borrow_mut(&mut self) -> &mut T
Mutably borrows from an owned value. Read more
sourceimpl<T> Instrument for T
 
impl<T> Instrument for T
sourcefn instrument(self, span: Span) -> Instrumented<Self>
 
fn instrument(self, span: Span) -> Instrumented<Self>
Instruments this type with the provided Span, returning an
Instrumented wrapper. Read more
sourcefn in_current_span(self) -> Instrumented<Self>
 
fn in_current_span(self) -> Instrumented<Self>
impl<T> Pointable for T
impl<T> Pointable for T
impl<V, T> VZip<V> for T where
    V: MultiLane<T>, 
impl<V, T> VZip<V> for T where
    V: MultiLane<T>, 
fn vzip(self) -> V
sourceimpl<T> WithSubscriber for T
 
impl<T> WithSubscriber for T
sourcefn with_subscriber<S>(self, subscriber: S) -> WithDispatch<Self> where
    S: Into<Dispatch>, 
 
fn with_subscriber<S>(self, subscriber: S) -> WithDispatch<Self> where
    S: Into<Dispatch>, 
Attaches the provided Subscriber to this type, returning a
WithDispatch wrapper. Read more
sourcefn with_current_subscriber(self) -> WithDispatch<Self>
 
fn with_current_subscriber(self) -> WithDispatch<Self>
Attaches the current default Subscriber to this type, returning a
WithDispatch wrapper. Read more