ugp_projekt_2023/Projekt_UGP_2023.ipynb

423 KiB
Raw Permalink Blame History

Projekt zaliczeniowy

Patryk Gałka

Patryk Łukasiewicz

Pakiety

!pip install transformers[torch]==4.34.1 tokenizers==0.14.1 sentencepiece==0.1.99 datasets==2.14.7 evaluate==0.4.1 sacrebleu==2.3.2
!pip install torch
!pip install scikit-learn
Collecting transformers[torch]==4.34.1
  Downloading transformers-4.34.1-py3-none-any.whl (7.7 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 7.7/7.7 MB 22.5 MB/s eta 0:00:00
[?25hCollecting tokenizers==0.14.1
  Downloading tokenizers-0.14.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 3.8/3.8 MB 18.9 MB/s eta 0:00:00
[?25hCollecting sentencepiece==0.1.99
  Downloading sentencepiece-0.1.99-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.3/1.3 MB 48.2 MB/s eta 0:00:00
[?25hCollecting datasets==2.14.7
  Downloading datasets-2.14.7-py3-none-any.whl (520 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 520.4/520.4 kB 36.3 MB/s eta 0:00:00
[?25hCollecting evaluate==0.4.1
  Downloading evaluate-0.4.1-py3-none-any.whl (84 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 84.1/84.1 kB 9.9 MB/s eta 0:00:00
[?25hCollecting sacrebleu==2.3.2
  Downloading sacrebleu-2.3.2-py3-none-any.whl (119 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 119.7/119.7 kB 12.3 MB/s eta 0:00:00
[?25hRequirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (3.13.1)
Requirement already satisfied: huggingface-hub<1.0,>=0.16.4 in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (0.20.2)
Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (1.23.5)
Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (23.2)
Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (6.0.1)
Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (2023.6.3)
Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (2.31.0)
Requirement already satisfied: safetensors>=0.3.1 in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (0.4.1)
Requirement already satisfied: tqdm>=4.27 in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (4.66.1)
Requirement already satisfied: torch!=1.12.0,>=1.10 in /usr/local/lib/python3.10/dist-packages (from transformers[torch]==4.34.1) (2.1.0+cu121)
Collecting accelerate>=0.20.3 (from transformers[torch]==4.34.1)
  Downloading accelerate-0.26.1-py3-none-any.whl (270 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 270.9/270.9 kB 28.3 MB/s eta 0:00:00
[?25hCollecting huggingface-hub<1.0,>=0.16.4 (from transformers[torch]==4.34.1)
  Downloading huggingface_hub-0.17.3-py3-none-any.whl (295 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 295.0/295.0 kB 19.8 MB/s eta 0:00:00
[?25hRequirement already satisfied: pyarrow>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from datasets==2.14.7) (10.0.1)
Requirement already satisfied: pyarrow-hotfix in /usr/local/lib/python3.10/dist-packages (from datasets==2.14.7) (0.6)
Collecting dill<0.3.8,>=0.3.0 (from datasets==2.14.7)
  Downloading dill-0.3.7-py3-none-any.whl (115 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 115.3/115.3 kB 10.0 MB/s eta 0:00:00
[?25hRequirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (from datasets==2.14.7) (1.5.3)
Requirement already satisfied: xxhash in /usr/local/lib/python3.10/dist-packages (from datasets==2.14.7) (3.4.1)
Collecting multiprocess (from datasets==2.14.7)
  Downloading multiprocess-0.70.15-py310-none-any.whl (134 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 134.8/134.8 kB 17.5 MB/s eta 0:00:00
[?25hRequirement already satisfied: fsspec[http]<=2023.10.0,>=2023.1.0 in /usr/local/lib/python3.10/dist-packages (from datasets==2.14.7) (2023.6.0)
Requirement already satisfied: aiohttp in /usr/local/lib/python3.10/dist-packages (from datasets==2.14.7) (3.9.1)
Collecting responses<0.19 (from evaluate==0.4.1)
  Downloading responses-0.18.0-py3-none-any.whl (38 kB)
Collecting portalocker (from sacrebleu==2.3.2)
  Downloading portalocker-2.8.2-py3-none-any.whl (17 kB)
Requirement already satisfied: tabulate>=0.8.9 in /usr/local/lib/python3.10/dist-packages (from sacrebleu==2.3.2) (0.9.0)
Collecting colorama (from sacrebleu==2.3.2)
  Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)
Requirement already satisfied: lxml in /usr/local/lib/python3.10/dist-packages (from sacrebleu==2.3.2) (4.9.4)
Requirement already satisfied: psutil in /usr/local/lib/python3.10/dist-packages (from accelerate>=0.20.3->transformers[torch]==4.34.1) (5.9.5)
Requirement already satisfied: attrs>=17.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets==2.14.7) (23.2.0)
Requirement already satisfied: multidict<7.0,>=4.5 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets==2.14.7) (6.0.4)
Requirement already satisfied: yarl<2.0,>=1.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets==2.14.7) (1.9.4)
Requirement already satisfied: frozenlist>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets==2.14.7) (1.4.1)
Requirement already satisfied: aiosignal>=1.1.2 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets==2.14.7) (1.3.1)
Requirement already satisfied: async-timeout<5.0,>=4.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets==2.14.7) (4.0.3)
Requirement already satisfied: typing-extensions>=3.7.4.3 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub<1.0,>=0.16.4->transformers[torch]==4.34.1) (4.5.0)
Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->transformers[torch]==4.34.1) (3.3.2)
Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->transformers[torch]==4.34.1) (3.6)
Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->transformers[torch]==4.34.1) (2.0.7)
Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->transformers[torch]==4.34.1) (2023.11.17)
Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch!=1.12.0,>=1.10->transformers[torch]==4.34.1) (1.12)
Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch!=1.12.0,>=1.10->transformers[torch]==4.34.1) (3.2.1)
Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch!=1.12.0,>=1.10->transformers[torch]==4.34.1) (3.1.3)
Requirement already satisfied: triton==2.1.0 in /usr/local/lib/python3.10/dist-packages (from torch!=1.12.0,>=1.10->transformers[torch]==4.34.1) (2.1.0)
Requirement already satisfied: python-dateutil>=2.8.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets==2.14.7) (2.8.2)
Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets==2.14.7) (2023.3.post1)
Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.1->pandas->datasets==2.14.7) (1.16.0)
Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch!=1.12.0,>=1.10->transformers[torch]==4.34.1) (2.1.3)
Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch!=1.12.0,>=1.10->transformers[torch]==4.34.1) (1.3.0)
Installing collected packages: sentencepiece, portalocker, dill, colorama, sacrebleu, responses, multiprocess, huggingface-hub, tokenizers, accelerate, transformers, datasets, evaluate
  Attempting uninstall: huggingface-hub
    Found existing installation: huggingface-hub 0.20.2
    Uninstalling huggingface-hub-0.20.2:
      Successfully uninstalled huggingface-hub-0.20.2
  Attempting uninstall: tokenizers
    Found existing installation: tokenizers 0.15.0
    Uninstalling tokenizers-0.15.0:
      Successfully uninstalled tokenizers-0.15.0
  Attempting uninstall: transformers
    Found existing installation: transformers 4.35.2
    Uninstalling transformers-4.35.2:
      Successfully uninstalled transformers-4.35.2
Successfully installed accelerate-0.26.1 colorama-0.4.6 datasets-2.14.7 dill-0.3.7 evaluate-0.4.1 huggingface-hub-0.17.3 multiprocess-0.70.15 portalocker-2.8.2 responses-0.18.0 sacrebleu-2.3.2 sentencepiece-0.1.99 tokenizers-0.14.1 transformers-4.34.1
Requirement already satisfied: torch in /usr/local/lib/python3.10/dist-packages (2.1.0+cu121)
Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch) (3.13.1)
Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch) (4.5.0)
Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch) (1.12)
Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch) (3.2.1)
Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch) (3.1.3)
Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch) (2023.6.0)
Requirement already satisfied: triton==2.1.0 in /usr/local/lib/python3.10/dist-packages (from torch) (2.1.0)
Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch) (2.1.3)
Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch) (1.3.0)
Requirement already satisfied: scikit-learn in /usr/local/lib/python3.10/dist-packages (1.2.2)
Requirement already satisfied: numpy>=1.17.3 in /usr/local/lib/python3.10/dist-packages (from scikit-learn) (1.23.5)
Requirement already satisfied: scipy>=1.3.2 in /usr/local/lib/python3.10/dist-packages (from scikit-learn) (1.11.4)
Requirement already satisfied: joblib>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from scikit-learn) (1.3.2)
Requirement already satisfied: threadpoolctl>=2.0.0 in /usr/local/lib/python3.10/dist-packages (from scikit-learn) (3.2.0)

Importy

import transformers
import torch
import torch.nn as nn
import numpy as np
import math
from datasets import load_dataset
from transformers import (
    RobertaTokenizerFast,
    RobertaForSequenceClassification,
    TrainingArguments,
    Trainer,
    AutoConfig,
    T5Tokenizer,
)
from huggingface_hub import HfFolder, notebook_login
from transformers import RobertaConfig, RobertaModel
from transformers import RobertaTokenizerFast
from sklearn.metrics import accuracy_score, precision_recall_fscore_support
import sklearn.metrics
from transformers import GPT2ForSequenceClassification, GPT2Tokenizer, T5ForSequenceClassification, GPT2PreTrainedModel
from transformers import pipeline, AutoConfig, AutoTokenizer, AutoModel, AutoModelForCausalLM, AutoModelForMaskedLM, AutoModelForSeq2SeqLM

HF login

notebook_login()
VBox(children=(HTML(value='<center> <img\nsrc=https://huggingface.co/front/assets/huggingface_logo-noborder.sv…

Dataset

dataset_id = "rotten_tomatoes"
repository_id = "datasets/rotten_tomatoes"
dataset = load_dataset(dataset_id)
train_dataset = dataset['train']
test_dataset = dataset["test"].shard(num_shards=2, index=0)
val_dataset = dataset['test'].shard(num_shards=2, index=1)
print(f"Train count: {len(train_dataset)}")
print(f"Validate count: {len(test_dataset)}")
print(f"Test count: {len(val_dataset)}")
Train count: 8530
Validate count: 533
Test count: 533

Funkcje ogolne

def compute_metrics(pred):
    labels = pred.label_ids
    preds = pred.predictions.argmax(-1)
    precision, recall, f1, _ = precision_recall_fscore_support(labels, preds, average='binary')
    acc = accuracy_score(labels, preds)
    return {
        'accuracy': acc,
        'f1': f1,
        'precision': precision,
        'recall': recall
    }
training_args = TrainingArguments(
    output_dir = '/outside/',
    num_train_epochs=6,
    per_device_train_batch_size = 6,
    gradient_accumulation_steps = 16,
    per_device_eval_batch_size= 8,
    evaluation_strategy = "epoch",
    save_strategy="epoch",
    disable_tqdm = False,
    load_best_model_at_end = True,
    warmup_steps=500,
    weight_decay=0.01,
    logging_steps = 8,
    fp16 = True,
    logging_dir='/logs/logs',
    dataloader_num_workers = 8,
    run_name = 'Projekt_UGP_2023',
)
def generate_text_simple(model_pipeline, text: str, max_new_tokens: int = 20, is_prompt: bool = False):
  generated_text = model_pipeline(text, do_sample=False, max_new_tokens=max_new_tokens)[0]["generated_text"]
  if is_prompt and generated_text.startswith(text):
    generated_text = generated_text[len(text):].strip()
  return generated_text
def generate_text(model_pipeline, text: str, return_full_text: bool = False, max_length: int = 50):
  print(model_pipeline(text, do_sample=False, return_full_text=return_full_text, max_length=max_length)[0]["generated_text"])
def get_pipeline(pipeline_type: str, model_name: str, model_type: str, torch_dtype: torch.dtype="auto", device_map="auto"):
    if model_type == 'clm':
        class_type = AutoModelForCausalLM
    elif model_type == 'mlm':
        class_type = AutoModelForMaskedLM
    elif model_type == 's2s':
        class_type = AutoModelForSeq2SeqLM
    model = class_type.from_pretrained(model_name, low_cpu_mem_usage=True, torch_dtype=torch_dtype, device_map=device_map)
    tokenizer = AutoTokenizer.from_pretrained(model_name)

    return pipeline(pipeline_type, model=model, tokenizer=tokenizer)
def freeze_model_weights(model: torch.nn.Module) -> None:
    for param in model.parameters():
        param.requires_grad = False

RoBERTa

model_roberta_id = "roberta-base"
class RobertaClassificationHeadCustomSimple(nn.Module):
    def __init__(self, config):
        super().__init__()
        hidden_size = config.hidden_size
        self.dense_1 = nn.SELU()
        self.dense_2 = nn.SELU()
        classifier_dropout = (
            config.classifier_dropout if config.classifier_dropout is not None else config.hidden_dropout_prob
        )
        self.dropout = nn.Dropout(classifier_dropout)
        self.out_proj = nn.Linear(hidden_size, config.num_labels)

    def forward(self, features, **kwargs):
        x = features[:, 0, :]  # take <s> token (equiv. to [CLS])

        x = self.dense_1(x)
        x = torch.relu(x)
        x = self.dropout(x)

        x = self.dense_2(x)
        x = torch.relu(x)
        x = self.dropout(x)

        x = self.out_proj(x)
        return x
class RobertaForSequenceClassificationCustomSimple(RobertaForSequenceClassification):
    def __init__(self, config):
        super().__init__(config)
        self.num_labels = config.num_labels
        self.config = config

        self.roberta = RobertaModel(config, add_pooling_layer=False)
        self.classifier = RobertaClassificationHeadCustomSimple(config)

        # Initialize weights and apply final processing
        self.post_init()
model_roberta = RobertaForSequenceClassificationCustomSimple.from_pretrained(model_roberta_id)
#model_roberta._modules['relu'] = nn.SELU()
tokenizer_roberta = RobertaTokenizerFast.from_pretrained(model_roberta_id, max_length = 512)
Some weights of RobertaForSequenceClassificationCustomSimple were not initialized from the model checkpoint at roberta-base and are newly initialized: ['classifier.out_proj.bias', 'classifier.out_proj.weight']
You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.
model_roberta
RobertaForSequenceClassificationCustomSimple(
  (roberta): RobertaModel(
    (embeddings): RobertaEmbeddings(
      (word_embeddings): Embedding(50265, 768, padding_idx=1)
      (position_embeddings): Embedding(514, 768, padding_idx=1)
      (token_type_embeddings): Embedding(1, 768)
      (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)
      (dropout): Dropout(p=0.1, inplace=False)
    )
    (encoder): RobertaEncoder(
      (layer): ModuleList(
        (0-11): 12 x RobertaLayer(
          (attention): RobertaAttention(
            (self): RobertaSelfAttention(
              (query): Linear(in_features=768, out_features=768, bias=True)
              (key): Linear(in_features=768, out_features=768, bias=True)
              (value): Linear(in_features=768, out_features=768, bias=True)
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (output): RobertaSelfOutput(
              (dense): Linear(in_features=768, out_features=768, bias=True)
              (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
          (intermediate): RobertaIntermediate(
            (dense): Linear(in_features=768, out_features=3072, bias=True)
            (intermediate_act_fn): GELUActivation()
          )
          (output): RobertaOutput(
            (dense): Linear(in_features=3072, out_features=768, bias=True)
            (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)
            (dropout): Dropout(p=0.1, inplace=False)
          )
        )
      )
    )
  )
  (classifier): RobertaClassificationHeadCustomSimple(
    (dense_1): SELU()
    (dense_2): SELU()
    (dropout): Dropout(p=0.1, inplace=False)
    (out_proj): Linear(in_features=768, out_features=2, bias=True)
  )
)
def tokenize_roberta(batched_text):
    return tokenizer_roberta(batched_text['text'], padding = True, truncation=True)
train_dataset_roberta = train_dataset.map(tokenize_roberta, batched=True, batch_size=len(train_dataset))
val_dataset_roberta = val_dataset.map(tokenize_roberta, batched=True, batch_size=len(val_dataset))
test_dataset_roberta = test_dataset.map(tokenize_roberta, batched=True, batch_size=len(test_dataset))
Map:   0%|          | 0/533 [00:00<?, ? examples/s]
trainer_roberta = Trainer(
    model=model_roberta,
    args=training_args,
    compute_metrics=compute_metrics,
    train_dataset=train_dataset_roberta,
    eval_dataset=test_dataset_roberta
)
torch.cuda.empty_cache()
trainer_roberta.train()
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
[528/528 10:38, Epoch 5/6]
Epoch Training Loss Validation Loss Accuracy F1 Precision Recall
0 0.430500 0.429397 0.834897 0.814346 0.932367 0.722846
1 0.296100 0.299951 0.885553 0.884688 0.893130 0.876404
2 0.261100 0.318866 0.872420 0.875000 0.859206 0.891386
3 0.207000 0.356232 0.889306 0.884990 0.922764 0.850187
4 0.177000 0.448481 0.866792 0.860511 0.904959 0.820225
5 0.124600 0.498907 0.866792 0.864245 0.882812 0.846442

/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
TrainOutput(global_step=528, training_loss=0.27795282841631863, metrics={'train_runtime': 641.7071, 'train_samples_per_second': 79.756, 'train_steps_per_second': 0.823, 'total_flos': 2069062037166720.0, 'train_loss': 0.27795282841631863, 'epoch': 5.94})
model_roberta
RobertaForSequenceClassificationCustomSimple(
  (roberta): RobertaModel(
    (embeddings): RobertaEmbeddings(
      (word_embeddings): Embedding(50265, 768, padding_idx=1)
      (position_embeddings): Embedding(514, 768, padding_idx=1)
      (token_type_embeddings): Embedding(1, 768)
      (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)
      (dropout): Dropout(p=0.1, inplace=False)
    )
    (encoder): RobertaEncoder(
      (layer): ModuleList(
        (0-11): 12 x RobertaLayer(
          (attention): RobertaAttention(
            (self): RobertaSelfAttention(
              (query): Linear(in_features=768, out_features=768, bias=True)
              (key): Linear(in_features=768, out_features=768, bias=True)
              (value): Linear(in_features=768, out_features=768, bias=True)
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (output): RobertaSelfOutput(
              (dense): Linear(in_features=768, out_features=768, bias=True)
              (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
          (intermediate): RobertaIntermediate(
            (dense): Linear(in_features=768, out_features=3072, bias=True)
            (intermediate_act_fn): GELUActivation()
          )
          (output): RobertaOutput(
            (dense): Linear(in_features=3072, out_features=768, bias=True)
            (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)
            (dropout): Dropout(p=0.1, inplace=False)
          )
        )
      )
    )
  )
  (classifier): RobertaClassificationHeadCustomSimple(
    (dense_1): SELU()
    (dense_2): SELU()
    (dropout): Dropout(p=0.1, inplace=False)
    (out_proj): Linear(in_features=768, out_features=2, bias=True)
  )
)
trainer_roberta.evaluate()
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
[67/67 00:01]
{'eval_loss': 0.29995107650756836,
 'eval_accuracy': 0.8855534709193246,
 'eval_f1': 0.8846880907372402,
 'eval_precision': 0.8931297709923665,
 'eval_recall': 0.8764044943820225,
 'eval_runtime': 2.6993,
 'eval_samples_per_second': 197.46,
 'eval_steps_per_second': 24.821,
 'epoch': 5.94}
trainer_roberta.evaluate(val_dataset_roberta)
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
[67/67 00:05]
{'eval_loss': 0.31123945116996765,
 'eval_accuracy': 0.8761726078799249,
 'eval_f1': 0.8745247148288974,
 'eval_precision': 0.8846153846153846,
 'eval_recall': 0.8646616541353384,
 'eval_runtime': 3.8629,
 'eval_samples_per_second': 137.978,
 'eval_steps_per_second': 17.344,
 'epoch': 5.94}
trainer_roberta.save_model("/models/roberta/")

GPT-2

tokenizer_gpt = GPT2Tokenizer.from_pretrained('gpt2-medium')
tokenizer_gpt.padding_side = "left"
tokenizer_gpt.pad_token = tokenizer_gpt.eos_token
model_head_gpt = GPT2ForSequenceClassification.from_pretrained('gpt2-medium')
model_head_gpt.config.pad_token_id = model_head_gpt.config.eos_token_id
Downloading vocab.json:   0%|          | 0.00/1.04M [00:00<?, ?B/s]
Downloading merges.txt:   0%|          | 0.00/456k [00:00<?, ?B/s]
Downloading tokenizer.json:   0%|          | 0.00/1.36M [00:00<?, ?B/s]
Downloading config.json:   0%|          | 0.00/718 [00:00<?, ?B/s]
Downloading model.safetensors:   0%|          | 0.00/1.52G [00:00<?, ?B/s]
Some weights of GPT2ForSequenceClassification were not initialized from the model checkpoint at gpt2-medium and are newly initialized: ['score.weight']
You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.
model_head_gpt
GPT2ForSequenceClassification(
  (transformer): GPT2Model(
    (wte): Embedding(50257, 1024)
    (wpe): Embedding(1024, 1024)
    (drop): Dropout(p=0.1, inplace=False)
    (h): ModuleList(
      (0-23): 24 x GPT2Block(
        (ln_1): LayerNorm((1024,), eps=1e-05, elementwise_affine=True)
        (attn): GPT2Attention(
          (c_attn): Conv1D()
          (c_proj): Conv1D()
          (attn_dropout): Dropout(p=0.1, inplace=False)
          (resid_dropout): Dropout(p=0.1, inplace=False)
        )
        (ln_2): LayerNorm((1024,), eps=1e-05, elementwise_affine=True)
        (mlp): GPT2MLP(
          (c_fc): Conv1D()
          (c_proj): Conv1D()
          (act): NewGELUActivation()
          (dropout): Dropout(p=0.1, inplace=False)
        )
      )
    )
    (ln_f): LayerNorm((1024,), eps=1e-05, elementwise_affine=True)
  )
  (score): Linear(in_features=1024, out_features=2, bias=False)
)
def tokenize_gpt(batched_text):
    return tokenizer_gpt(batched_text['text'], padding = True, truncation=True)
train_dataset_gpt = train_dataset.map(tokenize_gpt, batched=True, batch_size=len(train_dataset))
val_dataset_gpt = val_dataset.map(tokenize_gpt, batched=True, batch_size=len(val_dataset))
test_dataset_gpt = test_dataset.map(tokenize_gpt, batched=True, batch_size=len(test_dataset))
Map:   0%|          | 0/8530 [00:00<?, ? examples/s]
Map:   0%|          | 0/533 [00:00<?, ? examples/s]
Map:   0%|          | 0/533 [00:00<?, ? examples/s]
trainer_gpt = Trainer(
    model=model_head_gpt,
    args=training_args,
    compute_metrics=compute_metrics,
    train_dataset=train_dataset_gpt,
    eval_dataset=test_dataset_gpt
)
torch.cuda.empty_cache()
trainer_gpt.train()
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
[528/528 25:00, Epoch 5/6]
Epoch Training Loss Validation Loss Accuracy F1 Precision Recall
0 0.718900 0.685649 0.538462 0.575862 0.533546 0.625468
1 0.696800 0.658828 0.607880 0.661264 0.582857 0.764045
2 0.644300 0.621745 0.662289 0.502762 0.957895 0.340824
3 0.520100 0.421354 0.795497 0.809107 0.759868 0.865169
4 0.421200 0.420230 0.819887 0.839465 0.758308 0.940075
5 0.308800 0.324726 0.861163 0.858238 0.878431 0.838951

/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
TrainOutput(global_step=528, training_loss=0.5732367923765471, metrics={'train_runtime': 1503.9991, 'train_samples_per_second': 34.029, 'train_steps_per_second': 0.351, 'total_flos': 7170060518719488.0, 'train_loss': 0.5732367923765471, 'epoch': 5.94})
trainer_gpt.evaluate()
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
[67/67 00:03]
{'eval_loss': 0.3247256875038147,
 'eval_accuracy': 0.8611632270168855,
 'eval_f1': 0.8582375478927203,
 'eval_precision': 0.8784313725490196,
 'eval_recall': 0.8389513108614233,
 'eval_runtime': 4.4726,
 'eval_samples_per_second': 119.171,
 'eval_steps_per_second': 14.98,
 'epoch': 5.94}
trainer_gpt.evaluate(val_dataset_gpt)
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
[67/67 00:08]
{'eval_loss': 0.3359914720058441,
 'eval_accuracy': 0.8630393996247655,
 'eval_f1': 0.8620037807183365,
 'eval_precision': 0.8669201520912547,
 'eval_recall': 0.8571428571428571,
 'eval_runtime': 4.7478,
 'eval_samples_per_second': 112.262,
 'eval_steps_per_second': 14.112,
 'epoch': 5.94}
trainer_gpt.save_model("/models/gpt/")
model_head_gpt
GPT2ForSequenceClassification(
  (transformer): GPT2Model(
    (wte): Embedding(50257, 1024)
    (wpe): Embedding(1024, 1024)
    (drop): Dropout(p=0.1, inplace=False)
    (h): ModuleList(
      (0-23): 24 x GPT2Block(
        (ln_1): LayerNorm((1024,), eps=1e-05, elementwise_affine=True)
        (attn): GPT2Attention(
          (c_attn): Conv1D()
          (c_proj): Conv1D()
          (attn_dropout): Dropout(p=0.1, inplace=False)
          (resid_dropout): Dropout(p=0.1, inplace=False)
        )
        (ln_2): LayerNorm((1024,), eps=1e-05, elementwise_affine=True)
        (mlp): GPT2MLP(
          (c_fc): Conv1D()
          (c_proj): Conv1D()
          (act): NewGELUActivation()
          (dropout): Dropout(p=0.1, inplace=False)
        )
      )
    )
    (ln_f): LayerNorm((1024,), eps=1e-05, elementwise_affine=True)
  )
  (score): Linear(in_features=1024, out_features=2, bias=False)
)

T5

model_t5_id = "t5-large"
tokenizer_t5 = T5Tokenizer.from_pretrained(model_t5_id)
model_t5 = T5ForSequenceClassification.from_pretrained(model_t5_id)
/usr/local/lib/python3.10/dist-packages/transformers/models/t5/tokenization_t5.py:240: FutureWarning: This tokenizer was incorrectly instantiated with a model max length of 512 which will be corrected in Transformers v5.
For now, this behavior is kept to avoid breaking backwards compatibility when padding/encoding with `truncation is True`.
- Be aware that you SHOULD NOT rely on t5-large automatically truncating your input to 512 when padding/encoding.
- If you want to encode/pad to sequences longer than 512 you can either instantiate this tokenizer with `model_max_length` or pass `max_length` when encoding/padding.
- To avoid this warning, please instantiate this tokenizer with `model_max_length` set to your preferred value.
  warnings.warn(
You are using the default legacy behaviour of the <class 'transformers.models.t5.tokenization_t5.T5Tokenizer'>. This is expected, and simply means that the `legacy` (previous) behavior will be used so nothing changes for you. If you want to use the new behaviour, set `legacy=False`. This should only be set if you understand what it means, and thouroughly read the reason why this was added as explained in https://github.com/huggingface/transformers/pull/24565
Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.
Some weights of T5ForSequenceClassification were not initialized from the model checkpoint at t5-large and are newly initialized: ['classification_head.out_proj.bias', 'classification_head.dense.bias', 'classification_head.out_proj.weight', 'classification_head.dense.weight']
You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.
model_t5
T5ForSequenceClassification(
  (transformer): T5Model(
    (shared): Embedding(32128, 1024)
    (encoder): T5Stack(
      (embed_tokens): Embedding(32128, 1024)
      (block): ModuleList(
        (0): T5Block(
          (layer): ModuleList(
            (0): T5LayerSelfAttention(
              (SelfAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
                (relative_attention_bias): Embedding(32, 16)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (1): T5LayerFF(
              (DenseReluDense): T5DenseActDense(
                (wi): Linear(in_features=1024, out_features=4096, bias=False)
                (wo): Linear(in_features=4096, out_features=1024, bias=False)
                (dropout): Dropout(p=0.1, inplace=False)
                (act): ReLU()
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
        )
        (1-23): 23 x T5Block(
          (layer): ModuleList(
            (0): T5LayerSelfAttention(
              (SelfAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (1): T5LayerFF(
              (DenseReluDense): T5DenseActDense(
                (wi): Linear(in_features=1024, out_features=4096, bias=False)
                (wo): Linear(in_features=4096, out_features=1024, bias=False)
                (dropout): Dropout(p=0.1, inplace=False)
                (act): ReLU()
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
        )
      )
      (final_layer_norm): T5LayerNorm()
      (dropout): Dropout(p=0.1, inplace=False)
    )
    (decoder): T5Stack(
      (embed_tokens): Embedding(32128, 1024)
      (block): ModuleList(
        (0): T5Block(
          (layer): ModuleList(
            (0): T5LayerSelfAttention(
              (SelfAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
                (relative_attention_bias): Embedding(32, 16)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (1): T5LayerCrossAttention(
              (EncDecAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (2): T5LayerFF(
              (DenseReluDense): T5DenseActDense(
                (wi): Linear(in_features=1024, out_features=4096, bias=False)
                (wo): Linear(in_features=4096, out_features=1024, bias=False)
                (dropout): Dropout(p=0.1, inplace=False)
                (act): ReLU()
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
        )
        (1-23): 23 x T5Block(
          (layer): ModuleList(
            (0): T5LayerSelfAttention(
              (SelfAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (1): T5LayerCrossAttention(
              (EncDecAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (2): T5LayerFF(
              (DenseReluDense): T5DenseActDense(
                (wi): Linear(in_features=1024, out_features=4096, bias=False)
                (wo): Linear(in_features=4096, out_features=1024, bias=False)
                (dropout): Dropout(p=0.1, inplace=False)
                (act): ReLU()
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
        )
      )
      (final_layer_norm): T5LayerNorm()
      (dropout): Dropout(p=0.1, inplace=False)
    )
  )
  (classification_head): T5ClassificationHead(
    (dense): Linear(in_features=1024, out_features=1024, bias=True)
    (dropout): Dropout(p=0.0, inplace=False)
    (out_proj): Linear(in_features=1024, out_features=2, bias=True)
  )
)
def tokenize_t5(batched_text):
    return tokenizer_t5(batched_text['text'], padding = True, truncation=True)
train_dataset_t5 = train_dataset.map(tokenize_t5, batched=True, batch_size=len(train_dataset))
val_dataset_t5 = val_dataset.map(tokenize_t5, batched=True, batch_size=len(val_dataset))
test_dataset_t5 = test_dataset.map(tokenize_t5, batched=True, batch_size=len(test_dataset))
Map:   0%|          | 0/8530 [00:00<?, ? examples/s]
Map:   0%|          | 0/533 [00:00<?, ? examples/s]
Map:   0%|          | 0/533 [00:00<?, ? examples/s]
trainer_t5 = Trainer(
    model=model_t5,
    args=training_args,
    train_dataset=train_dataset_t5,
    eval_dataset=test_dataset_t5,
)
torch.cuda.empty_cache()
trainer_t5.train()
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
[528/528 50:10, Epoch 5/6]
Epoch Training Loss Validation Loss
0 0.000000 nan
1 0.000000 nan
2 0.000000 nan
3 0.000000 nan
4 0.000000 nan
5 0.000000 nan

/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
TrainOutput(global_step=528, training_loss=0.0, metrics={'train_runtime': 3017.8634, 'train_samples_per_second': 16.959, 'train_steps_per_second': 0.175, 'total_flos': 2.27494199496372e+16, 'train_loss': 0.0, 'epoch': 5.94})
model_t5
T5ForSequenceClassification(
  (transformer): T5Model(
    (shared): Embedding(32128, 1024)
    (encoder): T5Stack(
      (embed_tokens): Embedding(32128, 1024)
      (block): ModuleList(
        (0): T5Block(
          (layer): ModuleList(
            (0): T5LayerSelfAttention(
              (SelfAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
                (relative_attention_bias): Embedding(32, 16)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (1): T5LayerFF(
              (DenseReluDense): T5DenseActDense(
                (wi): Linear(in_features=1024, out_features=4096, bias=False)
                (wo): Linear(in_features=4096, out_features=1024, bias=False)
                (dropout): Dropout(p=0.1, inplace=False)
                (act): ReLU()
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
        )
        (1-23): 23 x T5Block(
          (layer): ModuleList(
            (0): T5LayerSelfAttention(
              (SelfAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (1): T5LayerFF(
              (DenseReluDense): T5DenseActDense(
                (wi): Linear(in_features=1024, out_features=4096, bias=False)
                (wo): Linear(in_features=4096, out_features=1024, bias=False)
                (dropout): Dropout(p=0.1, inplace=False)
                (act): ReLU()
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
        )
      )
      (final_layer_norm): T5LayerNorm()
      (dropout): Dropout(p=0.1, inplace=False)
    )
    (decoder): T5Stack(
      (embed_tokens): Embedding(32128, 1024)
      (block): ModuleList(
        (0): T5Block(
          (layer): ModuleList(
            (0): T5LayerSelfAttention(
              (SelfAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
                (relative_attention_bias): Embedding(32, 16)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (1): T5LayerCrossAttention(
              (EncDecAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (2): T5LayerFF(
              (DenseReluDense): T5DenseActDense(
                (wi): Linear(in_features=1024, out_features=4096, bias=False)
                (wo): Linear(in_features=4096, out_features=1024, bias=False)
                (dropout): Dropout(p=0.1, inplace=False)
                (act): ReLU()
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
        )
        (1-23): 23 x T5Block(
          (layer): ModuleList(
            (0): T5LayerSelfAttention(
              (SelfAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (1): T5LayerCrossAttention(
              (EncDecAttention): T5Attention(
                (q): Linear(in_features=1024, out_features=1024, bias=False)
                (k): Linear(in_features=1024, out_features=1024, bias=False)
                (v): Linear(in_features=1024, out_features=1024, bias=False)
                (o): Linear(in_features=1024, out_features=1024, bias=False)
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
            (2): T5LayerFF(
              (DenseReluDense): T5DenseActDense(
                (wi): Linear(in_features=1024, out_features=4096, bias=False)
                (wo): Linear(in_features=4096, out_features=1024, bias=False)
                (dropout): Dropout(p=0.1, inplace=False)
                (act): ReLU()
              )
              (layer_norm): T5LayerNorm()
              (dropout): Dropout(p=0.1, inplace=False)
            )
          )
        )
      )
      (final_layer_norm): T5LayerNorm()
      (dropout): Dropout(p=0.1, inplace=False)
    )
  )
  (classification_head): T5ClassificationHead(
    (dense): Linear(in_features=1024, out_features=1024, bias=True)
    (dropout): Dropout(p=0.0, inplace=False)
    (out_proj): Linear(in_features=1024, out_features=2, bias=True)
  )
)
trainer_t5.evaluate()
/usr/local/lib/python3.10/dist-packages/torch/utils/data/dataloader.py:557: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.
  warnings.warn(_create_warning_msg(
[67/67 00:08]
{'eval_loss': nan,
 'eval_runtime': 9.4095,
 'eval_samples_per_second': 56.645,
 'eval_steps_per_second': 7.12,
 'epoch': 5.94}
trainer_t5.save_model("/models/t5/")
trainer_t5.evaluate(val_dataset_t5)
[67/67 00:39]
{'eval_loss': nan,
 'eval_runtime': 9.3093,
 'eval_samples_per_second': 57.254,
 'eval_steps_per_second': 7.197,
 'epoch': 5.94}
trainer_t5.predict(val_dataset_t5)
PredictionOutput(predictions=(array([[ 0.11767578, -0.19567871],
       [        nan,         nan],
       [        nan,         nan],
       ...,
       [ 0.15100098, -0.15625   ],
       [        nan,         nan],
       [        nan,         nan]], dtype=float32), array([[[-8.3221823e-02, -2.9307529e-01, -1.1408986e-02, ...,
         -3.1288791e-01, -2.1122208e-01,  2.9003188e-01],
        [ 1.1433246e-01, -2.4533923e-01, -9.8603338e-02, ...,
         -3.0335253e-01,  9.9052610e-03,  3.4884137e-01],
        [ 9.9046612e-03,  1.3779461e-02,  3.1883333e-02, ...,
         -5.9211019e-02,  3.8542736e-02,  1.4660508e-02],
        ...,
        [-1.4811221e-01, -2.0828700e-02,  9.4610430e-02, ...,
         -2.0478117e-01, -6.0233634e-02, -6.9964945e-02],
        [-1.4811221e-01, -2.0828700e-02,  9.4610430e-02, ...,
         -2.0478117e-01, -6.0233634e-02, -6.9964945e-02],
        [-1.4811221e-01, -2.0828700e-02,  9.4610430e-02, ...,
         -2.0478117e-01, -6.0233634e-02, -6.9964945e-02]],

       [[           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        ...,
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan]],

       [[           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        ...,
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan]],

       ...,

       [[-1.0536121e-02, -1.5228745e-04,  4.1831299e-03, ...,
          7.1454598e-03, -1.6753884e-02, -2.4848173e-03],
        [-2.8637964e-01, -4.1471314e-01, -1.3030243e-01, ...,
          4.0982455e-02,  2.1442646e-01,  1.3286172e-01],
        [-2.4488506e-01, -2.3926190e-01, -9.1540337e-02, ...,
          3.3339038e-01, -8.4117979e-02,  4.7670799e-01],
        ...,
        [-3.1211960e-01, -6.7957580e-02,  2.8320360e-01, ...,
         -2.1283975e-01,  2.0004867e-01,  2.2619921e-01],
        [-3.1211960e-01, -6.7957580e-02,  2.8320360e-01, ...,
         -2.1283975e-01,  2.0004867e-01,  2.2619921e-01],
        [-3.1211960e-01, -6.7957580e-02,  2.8320360e-01, ...,
         -2.1283975e-01,  2.0004867e-01,  2.2619921e-01]],

       [[           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        ...,
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan]],

       [[           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        ...,
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan],
        [           nan,            nan,            nan, ...,
                    nan,            nan,            nan]]], dtype=float32)), label_ids=array([1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0]), metrics={'test_loss': nan, 'test_runtime': 9.0612, 'test_samples_per_second': 58.822, 'test_steps_per_second': 7.394})

Flan-t5

lm_pipeline = get_pipeline('text2text-generation', 'google/flan-t5-large', 's2s')
prep = "Classify 1 for positive 0 for negative: "
prep
'Classify 1 for positive 0 for negative: '
text = "I like you."
prompt = prep + text
answer = generate_text_simple(lm_pipeline, prompt)
print(f"Prompt: {prompt}")
print(f'Correct answer: 1, Flan-T5: {answer}')
Prompt: Classify 1 for positive 0 for negative: I like you.
Correct answer: 1, Flan-T5: 1
text = "I hate you."
prompt = prep + text
answer = generate_text_simple(lm_pipeline, prompt)
print(f"Prompt: {prompt}")
print(f'Correct answer: 0, Flan-T5: {answer}')
Prompt: Classify 1 for positive 0 for negative: I hate you.
Correct answer: 0, Flan-T5: 0
test_dataset_flan_t5 = dataset["test"].shard(num_shards=2, index=0)
prep = "Classify 1 for positive 0 for negative: "

test_dataset_with_prep = [{"text": prep + example["text"],"label": example["label"], } for example in test_dataset_flan_t5]
correct = 0

for prompt in test_dataset_with_prep:
   answer = generate_text_simple(lm_pipeline, prompt['text'])
   print(f'prompt: {prompt["text"]}')
   print(f'Correct answer: {prompt["label"]}, Flan-T5: {answer}')
   try:
    if int(answer) == int(prompt["label"]):
        correct +=1
   except ValueError:
      pass


accu = correct/len(test_dataset_with_prep)
accu
prompt: Classify 1 for positive 0 for negative: lovingly photographed in the manner of a golden book sprung to life , stuart little 2 manages sweetness largely without stickiness .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's like a " big chill " reunion of the baader-meinhof gang , only these guys are more harmless pranksters than political activists .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: red dragon " never cuts corners .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: throws in enough clever and unexpected twists to make the formula feel fresh .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a real audience-pleaser that will strike a chord with anyone who's ever waited in a doctor's office , emergency room , hospital bed or insurance company office .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: exposing the ways we fool ourselves is one hour photo's real strength .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: mostly , [goldbacher] just lets her complicated characters be unruly , confusing and , through it all , human .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: at its worst , the movie is pretty diverting ; the pity is that it rarely achieves its best .
Correct answer: 1, Flan-T5: 0
/usr/local/lib/python3.10/dist-packages/transformers/pipelines/base.py:1101: UserWarning: You seem to be using the pipelines sequentially on GPU. In order to maximize efficiency please use a dataset
  warnings.warn(
prompt: Classify 1 for positive 0 for negative: a journey spanning nearly three decades of bittersweet camaraderie and history , in which we feel that we truly know what makes holly and marina tick , and our hearts go out to them as both continue to negotiate their imperfect , love-hate relationship .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: as it turns out , you can go home again .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this kind of hands-on storytelling is ultimately what makes shanghai ghetto move beyond a good , dry , reliable textbook and what allows it to rank with its worthy predecessors .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: grown-up quibbles are beside the point here . the little girls understand , and mccracken knows that's all that matters .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this is a fascinating film because there is no clear-cut hero and no all-out villain .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: . . . a good film that must have baffled the folks in the marketing department .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: devotees of star trek ii : the wrath of khan will feel a nagging sense of deja vu , and the grandeur of the best next generation episodes is lacking .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: what's so striking about jolie's performance is that she never lets her character become a caricature -- not even with that radioactive hair .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the performances are immaculate , with roussillon providing comic relief .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: hugh grant , who has a good line in charm , has never been more charming than in about a boy .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: reminiscent of alfred hitchcock's thrillers , most of the scary parts in 'signs' occur while waiting for things to happen .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: its use of the thriller form to examine the labyrinthine ways in which people's lives cross and change , buffeted by events seemingly out of their control , is intriguing , provocative stuff .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: you needn't be steeped in '50s sociology , pop culture or movie lore to appreciate the emotional depth of haynes' work . though haynes' style apes films from the period . . . its message is not rooted in that decade .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a gangster movie with the capacity to surprise .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if not a home run , then at least a solid base hit .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: . . . a fairly disposable yet still entertaining b picture .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film truly does rescue [the funk brothers] from motown's shadows . it's about time .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: works because we're never sure if ohlinger's on the level or merely a dying , delusional man trying to get into the history books before he croaks .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a heady , biting , be-bop ride through nighttime manhattan , a loquacious videologue of the modern male and the lengths to which he'll go to weave a protective cocoon around his own ego .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the piano teacher is not an easy film . it forces you to watch people doing unpleasant things to each other and themselves , and it maintains a cool distance from its material that is deliberately unsettling .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: williams absolutely nails sy's queasy infatuation and overall strangeness .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: while it's nothing we haven't seen before from murphy , i spy is still fun and enjoyable and so aggressively silly that it's more than a worthwhile effort .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an intimate contemplation of two marvelously messy lives .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this is one of those rare docs that paints a grand picture of an era and makes the journey feel like a party .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a metaphor for a modern-day urban china searching for its identity .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an odd drama set in the world of lingerie models and bar dancers in the midwest that held my interest precisely because it didn't try to .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: despite its faults , gangs excels in spectacle and pacing .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a tightly directed , highly professional film that's old-fashioned in all the best possible ways .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: in visual fertility treasure planet rivals the top japanese animations of recent vintage .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: buy is an accomplished actress , and this is a big , juicy role .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: beautifully crafted and brutally honest , promises offers an unexpected window into the complexities of the middle east struggle and into the humanity of its people .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: charlotte sometimes is a gem . it's always enthralling .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a remarkable film by bernard rose .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a much more successful translation than its most famous previous film adaptation , writer-director anthony friedman's similarly updated 1970 british production .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: michel piccoli's moving performance is this films reason for being .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this is an elegantly balanced movie -- every member of the ensemble has something fascinating to do -- that doesn't reveal even a hint of artifice .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a high-spirited buddy movie about the reunion of berlin anarchists who face arrest 15 years after their crime .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an involving , inspirational drama that sometimes falls prey to its sob-story trappings .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: canadian filmmaker gary burns' inventive and mordantly humorous take on the soullessness of work in the city .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: everyone's insecure in lovely and amazing , a poignant and wryly amusing film about mothers , daughters and their relationships .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: full of surprises .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if you can push on through the slow spots , you'll be rewarded with some fine acting .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: symbolically , warm water under a red bridge is a celebration of feminine energy , a tribute to the power of women to heal .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: exceptionally well acted by diane lane and richard gere .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: in addition to scoring high for originality of plot -- putting together familiar themes of family , forgiveness and love in a new way -- lilo & stitch has a number of other assets to commend it to movie audiences both innocent and jaded .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: one of the most exciting action films to come out of china in recent years .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: my little eye is the best little " horror " movie i've seen in years .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: even if the naipaul original remains the real masterpiece , the movie possesses its own languorous charm .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: sometimes we feel as if the film careens from one colorful event to another without respite , but sometimes it must have seemed to frida kahlo as if her life did , too .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: like the series , the movie is funny , smart , visually inventive , and most of all , alive .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: you don't know whether to admire the film's stately nature and call it classicism or be exasperated by a noticeable lack of pace . or both .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: time out is as serious as a pink slip . and more than that , it's an observant , unfussily poetic meditation about identity and alienation .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: maryam is a small film , but it offers large rewards .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the most consistently funny of the austin powers films .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: cockettes has the glorious , gaudy benefit of much stock footage of those days , featuring all manner of drag queen , bearded lady and lactating hippie .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the comedy makes social commentary more palatable .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: one funny popcorn flick .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: tully is worth a look for its true-to-life characters , its sensitive acting , its unadorned view of rural life and the subtle direction of first-timer hilary birmingham .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the wild thornberrys movie is pleasant enough and the message of our close ties with animals can certainly not be emphasized enough .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if you're in the right b-movie frame of mind , it may just scare the pants off you .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: both a detective story and a romance spiced with the intrigue of academic skullduggery and politics .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: ludicrous , but director carl franklin adds enough flourishes and freak-outs to make it entertaining .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: spielberg's picture is smarter and subtler than [total recall and blade runner] , although its plot may prove too convoluted for fun-seeking summer audiences .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a grittily beautiful film that looks , sounds , and feels more like an extended , open-ended poem than a traditionally structured story .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the production values are of the highest and the performances attractive without being memorable .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: finely crafted , finely written , exquisitely performed
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this submarine drama earns the right to be favorably compared to das boot .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: there's a great deal of corny dialogue and preposterous moments . and yet , it still works .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: like many western action films , this thriller is too loud and thoroughly overbearing , but its heartfelt concern about north korea's recent past and south korea's future adds a much needed moral weight .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a joyous occasion
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this is a shrewd and effective film from a director who understands how to create and sustain a mood .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: assayas' ambitious , sometimes beautiful adaptation of jacques chardonne's novel .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: those who don't entirely 'get' godard's distinctive discourse will still come away with a sense of his reserved but existential poignancy .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: like brosnan's performance , evelyn comes from the heart .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: its spirit of iconoclastic abandon -- however canned -- makes for unexpectedly giddy viewing .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this quiet , introspective and entertaining independent is worth seeking .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: whether or not ram dass proves as clear and reliable an authority on that as he was about inner consciousness , fierce grace reassures us that he will once again be an honest and loving one .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: spare but quietly effective retelling .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: by its modest , straight-ahead standards , undisputed scores a direct hit .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: for those who like quirky , slightly strange french films , this is a must !
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: [shyamalan] continues to cut a swathe through mainstream hollywood , while retaining an integrity and refusing to compromise his vision .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: what begins as a film in the tradition of the graduate quickly switches into something more recyclable than significant .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the story is smart and entirely charming in intent and execution .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: represents a worthy departure from the culture clash comedies that have marked an emerging indian american cinema .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if you're looking for an intelligent movie in which you can release your pent up anger , enough is just the ticket you need .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: as well-acted and well-intentioned as all or nothing is , however , the film comes perilously close to being too bleak , too pessimistic and too unflinching for its own good .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's about issues most adults have to face in marriage and i think that's what i liked about it -- the real issues tucked between the silly and crude storyline .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: enriched by a strong and unforced supporting cast .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if you can keep your eyes open amid all the blood and gore , you'll see del toro has brought unexpected gravity to blade ii .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a breathtaking adventure for all ages , spirit tells its poignant and uplifting story in a stunning fusion of music and images .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: never lets go your emotions , taking them to surprising highs , sorrowful lows and hidden impulsive niches . . . gorgeous , passionate , and at times uncommonly moving .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: [washington's] strong hand , keen eye , sweet spirit and good taste are reflected in almost every scene .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film's desire to be liked sometimes undermines the possibility for an exploration of the thornier aspects of the nature/nurture argument in regards to homosexuality .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: affable if not timeless , like mike raises some worthwhile themes while delivering a wholesome fantasy for kids .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's an unusual , thoughtful bio-drama with a rich subject and some fantastic moments and scenes .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the increasingly diverse french director has created a film that one can honestly describe as looking , sounding and simply feeling like no other film in recent history .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: peter jackson has done the nearly impossible . he has improved upon the first and taken it a step further , richer and deeper . what jackson has done is proven that no amount of imagination , no creature , no fantasy story and no incredibly outlandish scenery
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: ice age won't drop your jaw , but it will warm your heart , and i'm giving it a strong thumbs up .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the lady and the duke is eric rohmer's economical antidote to the bloated costume drama
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a small gem from belgium .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a soap-opera quality twist in the last 20 minutes . . . almost puts the kibosh on what is otherwise a sumptuous work of b-movie imagination .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: there's something to be said for a studio-produced film that never bothers to hand viewers a suitcase full of easy answers .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: manages to accomplish what few sequels can -- it equals the original and in some ways even betters it .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: jolie gives it that extra little something that makes it worth checking out at theaters , especially if you're in the mood for something more comfortable than challenging .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i have a new favorite musical -- and i'm not even a fan of the genre
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: there is a real subject here , and it is handled with intelligence and care .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: noyce creates a film of near-hypnotic physical beauty even as he tells a story as horrifying as any in the heart-breakingly extensive annals of white-on-black racism .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: very predictable but still entertaining
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: pratfalls aside , barbershop gets its greatest play from the timeless spectacle of people really talking to each other .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this is one of mr . chabrol's subtlest works , but also one of his most uncanny .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: even though we know the outcome , the seesawing of the general's fate in the arguments of competing lawyers has the stomach-knotting suspense of a legal thriller , while the testimony of witnesses lends the film a resonant undertone of tragedy .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: as relationships shift , director robert j . siegel allows the characters to inhabit their world without cleaving to a narrative arc .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: while the story does seem pretty unbelievable at times , it's awfully entertaining to watch .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: examines its explosive subject matter as nonjudgmentally as wiseman's previous studies of inner-city high schools , hospitals , courts and welfare centers .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: 'if you are in the mood for an intelligent weepy , it can easily worm its way into your heart . '
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: does a good job of establishing a time and place , and of telling a fascinating character's story .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: those of you who don't believe in santa claus probably also think that sequels can never capture the magic of the original . well , this movie proves you wrong on both counts .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the rare imax movie that you'll wish was longer than an hour .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i've yet to find an actual vietnam war combat movie actually produced by either the north or south vietnamese , but at least now we've got something pretty damn close .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's a sharp movie about otherwise dull subjects .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's like rocky and bullwinkle on speed , but that's neither completely enlightening , nor does it catch the intensity of the movie's strangeness .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a melancholy , emotional film .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: intensely romantic , thought-provoking and even an engaging mystery .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: not a schlocky creature feature but something far more stylish and cerebral--and , hence , more chillingly effective .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it leaves little doubt that kidman has become one of our best actors .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: beautifully directed and convincingly acted .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: in the director's cut , the film is not only a love song to the movies but it also is more fully an example of the kind of lush , all-enveloping movie experience it rhapsodizes .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: graced with the kind of social texture and realism that would be foreign in american teen comedies .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film occasionally tries the viewer's patience with slow pacing and a main character who sometimes defies sympathy , but it ultimately satisfies with its moving story .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: . . . certainly an entertaining ride , despite many talky , slow scenes . but something seems to be missing . a sense of real magic , perhaps .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the movie worked for me right up to the final scene , and then it caved in .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: plunges you into a reality that is , more often then not , difficult and sad , and then , without sentimentalizing it or denying its brutality , transforms that reality into a lyrical and celebratory vision .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film is . . . determined to treat its characters , weak and strong , as fallible human beings , not caricatures , and to carefully delineate the cost of the inevitable conflicts between human urges and an institution concerned with self-preservation .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an indispensable peek at the art and the agony of making people laugh .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the engagingly primitive animated special effects contribute to a mood that's sustained through the surprisingly somber conclusion .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: evokes the 19th century with a subtlety that is an object lesson in period filmmaking .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film's best trick is the way that it treats conspiracy as a kind of political blair witch , a monstrous murk that haunts us precisely because it can never be seen .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the picture's fascinating byways are littered with trenchant satirical jabs at the peculiar egocentricities of the acting breed .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: fred schepisi's film is paced at a speed that is slow to those of us in middle age and deathly slow to any teen . with a cast of a-list brit actors , it is worth searching out .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: nonchalantly freaky and uncommonly pleasurable , warm water may well be the year's best and most unpredictable comedy .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's a great american adventure and a wonderful film to bring to imax .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: oh , james ! your 20th outing shows off a lot of stamina and vitality , and get this , madonna's cameo doesn't suck !
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: that death is merely a transition is a common tenet in the world's religions . this deeply spiritual film taps into the meaning and consolation in afterlife communications .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a huge box-office hit in korea , shiri is a must for genre fans .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i'm not a fan of the phrase 'life affirming' because it usually means 'schmaltzy , ' but real women have curves truly is life affirming .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if it's unnerving suspense you're after -- you'll find it with ring , an indisputably spooky film ; with a screenplay to die for .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: red dragon makes one appreciate silence of the lambs .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: leigh isn't breaking new ground , but he knows how a daily grind can kill love .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: . . . strips bible stores of the potential for sanctimoniousness , making them meaningful for both kids and church-wary adults .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: tends to pile too many " serious issues " on its plate at times , yet remains fairly light , always entertaining , and smartly written .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's an entertaining movie , and the effects , boosted to the size of a downtown hotel , will all but take you to outer space .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: despite an overwrought ending , the film works as well as it does because of the performances .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: though nijinsky's words grow increasingly disturbed , the film maintains a beguiling serenity and poise that make it accessible for a non-narrative feature .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: from both a great and a terrible story , mr . nelson has made a film that is an undeniably worthy and devastating experience .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the first shocking thing about sorority boys is that it's actually watchable . even more baffling is that it's funny .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: neither quite a comedy nor a romance , more of an impish divertissement of themes that interest attal and gainsbourg -- they live together -- the film has a lot of charm .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a visionary marvel , but it's lacking a depth in storytelling usually found in anime like this .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: in his latest effort , storytelling , solondz has finally made a movie that isn't just offensive -- it also happens to be good .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i just saw this movie . . . well , it's probably not accurate to call it a movie .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: scherfig , the writer-director , has made a film so unabashedly hopeful that it actually makes the heart soar . yes , soar .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: " what really happened ? " is a question for philosophers , not filmmakers ; all the filmmakers need to do is engage an audience .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: much credit must be given to the water-camera operating team of don king , sonny miller , and michael stewart . their work is fantastic .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: franco is an excellent choice for the walled-off but combustible hustler , but he does not give the transcendent performance sonny needs to overcome gaps in character development and story logic .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the pianist lacks the quick emotional connections of steven spielberg's schindler's list . but mr . polanski creates images even more haunting than those in mr . spielberg's 1993 classic .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a brilliant , absurd collection of vignettes that , in their own idiosyncratic way , sum up the strange horror of life in the new millennium .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film may not hit as hard as some of the better drug-related pictures , but it still manages to get a few punches in .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an energizing , intoxicating documentary charting the rise of hip-hop culture in general and the art of scratching ( or turntablism ) in particular .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if you open yourself up to mr . reggio's theory of this imagery as the movie's set . . . it can impart an almost visceral sense of dislocation and change .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: even though the film doesn't manage to hit all of its marks , it's still entertaining to watch the target practice .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the 3-d vistas from orbit , with the space station suspended like a huge set of wind chimes over the great blue globe , are stanzas of breathtaking , awe-inspiring visual poetry .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: fans of the modern day hong kong action film finally have the worthy successor to a better tomorrow and the killer which they have been patiently waiting for .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: what sets this romantic comedy apart from most hollywood romantic comedies is its low-key way of tackling what seems like done-to-death material .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this seductive tease of a thriller gets the job done . it's a scorcher .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: works as pretty contagious fun .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a realistically terrifying movie that puts another notch in the belt of the long list of renegade-cop tales .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a film with almost as many delights for adults as there are for children and dog lovers .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: heartwarming and gently comic even as the film breaks your heart .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a " black austin powers ? " i prefer to think of it as " pootie tang with a budget . " sa da tay !
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i would be shocked if there was actually one correct interpretation , but that shouldn't make the movie or the discussion any less enjoyable .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the best thing i can say about this film is that i can't wait to see what the director does next .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: great character interaction .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: campanella's competent direction and his excellent cast overcome the obstacles of a predictable outcome and a screenplay that glosses over rafael's evolution .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: steven soderbergh doesn't remake andrei tarkovsky's solaris so much as distill it .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: simultaneously heartbreakingly beautiful and exquisitely sad .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the philosophical musings of the dialogue jar against the tawdry soap opera antics of the film's action in a way that is surprisingly enjoyable .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: quando tiros em columbine acerta o alvo ( com o perdão do trocadilho ) , não há como negar o brilhantismo da argumentação de seu diretor .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: as allen's execution date closes in , the documentary gives an especially poignant portrait of her friendship with the never flagging legal investigator david presson .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a vivid , spicy footnote to history , and a movie that grips and holds you in rapt attention from start to finish .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if the film's vision of sport as a secular religion is a bit cloying , its through-line of family and community is heartening in the same way that each season marks a new start .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an adorably whimsical comedy that deserves more than a passing twinkle .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's easy to be cynical about documentaries in which underdogs beat the odds and the human spirit triumphs , but westbrook's foundation and dalrymple's film earn their uplift .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: there's real visual charge to the filmmaking , and a strong erotic spark to the most crucial lip-reading sequence .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film is a blunt indictment , part of a perhaps surreal campaign to bring kissinger to trial for crimes against humanity .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: move over bond ; this girl deserves a sequel .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: . it's a testament to the film's considerable charm that it succeeds in entertaining , despite playing out like a feature-length sitcom replete with stereotypical familial quandaries . there's a sheer unbridled delight in the way the story unfurls . . .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film is hard to dismiss -- moody , thoughtful , and lit by flashes of mordant humor .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: what emerges is an unsettling picture of childhood innocence combined with indoctrinated prejudice . promises is a compelling piece that demonstrates just how well children can be trained to live out and carry on their parents' anguish .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: hey , happy ! is many things -- stoner midnight flick , sci-fi deconstruction , gay fantasia -- but above all it's a love story as sanguine as its title .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: at its best . . . festival in cannes bubbles with the excitement of the festival in cannes .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a lovably old-school hollywood confection .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: by turns gripping , amusing , tender and heart-wrenching , laissez-passer has all the earmarks of french cinema at its best .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: wonder of wonders -- a teen movie with a humanistic message .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: peppered with witty dialogue and inventive moments .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: with the prospect of films like kangaroo jack about to burst across america's winter movie screens it's a pleasure to have a film like the hours as an alternative .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: like its title character , this nicholas nickleby finds itself in reduced circumstances -- and , also like its hero , it remains brightly optimistic , coming through in the end .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: unpretentious , charming , quirky , original
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: other than the slightly flawed ( and fairly unbelievable ) finale , everything else is top shelf .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: manages to delight without much of a story .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i have a confession to make : i didn't particularly like e . t . the first time i saw it as a young boy . that is because - damn it ! - i also wanted a little alien as a friend !
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a genuinely funny ensemble comedy that also asks its audience -- in a heartwarming , nonjudgmental kind of way -- to consider what we value in our daily lives .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an energetic and engaging film that never pretends to be something it isn't .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an animation landmark as monumental as disney's 1937 breakthrough snow white and the seven dwarfs .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: sex with strangers is fascinating . . .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a wry , affectionate delight .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: one of those joyous films that leaps over national boundaries and celebrates universal human nature .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: kids should have a stirring time at this beautifully drawn movie . and adults will at least have a dream image of the west to savor whenever the film's lamer instincts are in the saddle .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: less cinematically powerful than quietly and deeply moving , which is powerful in itself .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: each of these stories has the potential for touched by an angel simplicity and sappiness , but thirteen conversations about one thing , for all its generosity and optimism , never resorts to easy feel-good sentiments .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: often demented in a good way , but it is an uneven film for the most part .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: maggie smith as the ya-ya member with the o2-tank will absolutely crack you up with her crass , then gasp for gas , verbal deportment .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: although i didn't hate this one , it's not very good either . it can be safely recommended as a video/dvd babysitter .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the film has the high-buffed gloss and high-octane jolts you expect of de palma , but what makes it transporting is that it's also one of the smartest , most pleasurable expressions of pure movie love to come from an american director in years .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: max pokes , provokes , takes expressionistic license and hits a nerve . . . as far as art is concerned , it's mission accomplished .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: here polanski looks back on those places he saw at childhood , and captures them by freeing them from artefact , and by showing them heartbreakingly drably .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the story itself it mostly told through on-camera interviews with several survivors , whose riveting memories are rendered with such clarity that it's as if it all happened only yesterday .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: with " ichi the killer " , takashi miike , japan's wildest filmmaker gives us a crime fighter carrying more emotional baggage than batman . . .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: [breheny's] lensing of the new zealand and cook island locations captures both the beauty of the land and the people .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the wild thornberrys movie has all the sibling rivalry and general family chaos to which anyone can relate .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: spielberg's realization of a near-future america is masterful . this makes minority report necessary viewing for sci-fi fans , as the film has some of the best special effects ever .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the best film of the year 2002 .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: stripped almost entirely of such tools as nudity , profanity and violence , labute does manage to make a few points about modern man and his problematic quest for human connection .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: all in all , brown sugar is a satisfying well-made romantic comedy that's both charming and well acted . it will guarantee to have you leaving the theater with a smile on your face .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: working from a surprisingly sensitive script co-written by gianni romoli . . . ozpetek avoids most of the pitfalls you'd expect in such a potentially sudsy set-up .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: " austin powers in goldmember " has the right stuff for silly summer entertainment and has enough laughs to sustain interest to the end .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: schaeffer isn't in this film , which may be why it works as well as it does .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: although estela bravo's documentary is cloyingly hagiographic in its portrait of cuban leader fidel castro , it's still a guilty pleasure to watch .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the way home is an ode to unconditional love and compassion garnered from years of seeing it all , a condition only the old are privy to , and . . . often misconstrued as weakness .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if you can read the subtitles ( the opera is sung in italian ) and you like 'masterpiece theatre' type costumes , you'll enjoy this movie .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: gangster no . 1 is solid , satisfying fare for adults .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: has enough gun battles and throwaway humor to cover up the yawning chasm where the plot should be .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: you will likely prefer to keep on watching .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: what might have been readily dismissed as the tiresome rant of an aging filmmaker still thumbing his nose at convention takes a surprising , subtle turn at the midway point .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an inuit masterpiece that will give you goosebumps as its uncanny tale of love , communal discord , and justice unfolds .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's a testament to de niro and director michael caton-jones that by movie's end , we accept the characters and the film , flaws and all .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an enormously entertaining movie , like nothing we've ever seen before , and yet completely familiar .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: your children will be occupied for 72 minutes .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: twohy's a good yarn-spinner , and ultimately the story compels .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: . . . a sweetly affecting story about four sisters who are coping , in one way or another , with life's endgame .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: road to perdition does display greatness , and it's worth seeing . but it also comes with the laziness and arrogance of a thing that already knows it's won .
Correct answer: 1, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: arliss howard's ambitious , moving , and adventurous directorial debut , big bad love , meets so many of the challenges it poses for itself that one can forgive the film its flaws .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: what a dumb , fun , curiously adolescent movie this is .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the charms of the lead performances allow us to forget most of the film's problems .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a tour de force of modern cinema .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the lively appeal of the last kiss lies in the ease with which it integrates thoughtfulness and pasta-fagioli comedy .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the performances are an absolute joy .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: grant carries the day with impeccable comic timing , raffish charm and piercing intellect .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: both exuberantly romantic and serenely melancholy , what time is it there ? may prove to be [tsai's] masterpiece .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: standing in the shadows of motown is the best kind of documentary , one that makes a depleted yesterday feel very much like a brand-new tomorrow .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: provides a porthole into that noble , trembling incoherence that defines us all .
Correct answer: 1, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a film that will probably please people already fascinated by behan but leave everyone else yawning with admiration .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the densest distillation of roberts' movies ever made .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a handsome but unfulfilling suspense drama more suited to a quiet evening on pbs than a night out at an amc .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: ( it ) highlights not so much the crime lord's messianic bent , but spacey's .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a reworking of die hard and cliffhanger but it's nowhere near as exciting as either .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a film without surprise geared toward maximum comfort and familiarity .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: spirit is a visual treat , and it takes chances that are bold by studio standards , but it lacks a strong narrative .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this is a children's film in the truest sense . it's packed with adventure and a worthwhile environmental message , so it's great for the kids . parents , on the other hand , will be ahead of the plot at all times , and there isn't enough clever innuendo to fil
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: tykwer's surface flash isn't just a poor fit with kieslowski's lyrical pessimism ; it completely contradicts everything kieslowski's work aspired to , including the condition of art .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: too slick and manufactured to claim street credibility .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: what ensues are much blood-splattering , mass drug-induced bowel evacuations , and none-too-funny commentary on the cultural distinctions between americans and brits .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: visually exciting sci-fi film which suffers from a lackluster screenplay .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if the full monty was a freshman fluke , lucky break is [cattaneo] sophomore slump .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: allegiance to chekhov , which director michael cacoyannis displays with somber earnestness in the new adaptation of the cherry orchard , is a particularly vexing handicap .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the first mistake , i suspect , is casting shatner as a legendary professor and kunis as a brilliant college student--where's pauly shore as the rocket scientist ?
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: replacing john carpenter's stylish tracking shots is degraded , handheld blair witch video-cam footage . of all the halloween's , this is the most visually unappealing .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: despite its dry wit and compassion , the film suffers from a philosophical emptiness and maddeningly sedate pacing .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: attal pushes too hard to make this a comedy or serious drama . he seems to want both , but succeeds in making neither .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it's not a bad plot ; but , unfortunately , the movie is nowhere near as refined as all the classic dramas it borrows from .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: girlfriends are bad , wives are worse and babies are the kiss of death in this bitter italian comedy .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the film boasts at least a few good ideas and features some decent performances , but the result is disappointing .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: unfortunately , neither sendak nor the directors are particularly engaging or articulate .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: bang ! zoom ! it's actually pretty funny , but in all the wrong places .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a wannabe comedy of manners about a brainy prep-school kid with a mrs . robinson complex founders on its own preciousness -- and squanders its beautiful women .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: if anything , see it for karen black , who camps up a storm as a fringe feminist conspiracy theorist named dirty dick .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this is surely one of the most frantic , virulent and foul-natured christmas season pics ever delivered by a hollywood studio .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a porn film without the sex scenes .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a depressingly retrograde , 'post-feminist' romantic comedy that takes an astonishingly condescending attitude toward women .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: by the end , you just don't care whether that cold-hearted snake petrovich ( that would be reno ) gets his comeuppance . just bring on the battle bots , please !
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: broder's screenplay is shallow , offensive and redundant , with pitifully few real laughs .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: don michael paul uses quick-cuts , ( very ) large shadows and wide-angle shots taken from a distance to hide the liberal use of a body double ( for seagal ) .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the sweetest thing leaves a bitter taste .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: for something as splendid-looking as this particular film , the viewer expects something special but instead gets [sci-fi] rehash .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: this stuck pig of a movie flails limply between bizarre comedy and pallid horror .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: in moonlight mile , no one gets shut out of the hug cycle .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: done in mostly by a weak script that can't support the epic treatment .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: slap her - she's not funny ! no french people were harmed during the making of this movie , but they were insulted and the audience was put through torture for an hour and a half .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: " one look at a girl in tight pants and big tits and you turn stupid ? " um… . . isn't that the basis for the entire plot ?
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: strident and inelegant in its 'message-movie' posturing .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it has the right approach and the right opening premise , but it lacks the zest and it goes for a plot twist instead of trusting the material .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: seeing as the film lacks momentum and its position remains mostly undeterminable , the director's experiment is a successful one .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i suspect this is the kind of production that would have been funnier if the director had released the outtakes theatrically and used the film as a bonus feature on the dvd .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: ninety minutes of viva castro ! can be as tiresome as 9 seconds of jesse helms' anti- castro rhetoric , which are included
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it just goes to show , an intelligent person isn't necessarily an admirable storyteller .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: hopelessly inane , humorless and under-inspired .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it reduces the complexities to bromides and slogans and it gets so preachy-keen and so tub-thumpingly loud it makes you feel like a chump just for sitting through it .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a great script brought down by lousy direction . same guy with both hats . big mistake .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: director kevin bray excels in breaking glass and marking off the " miami vice " checklist of power boats , latin music and dog tracks . he doesn't , however , deliver nearly enough of the show's trademark style and flash .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the spalding gray equivalent of a teen gross-out comedy .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: according to wendigo , 'nature' loves the members of the upper class almost as much as they love themselves .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the romance between the leads isn't as compelling or as believable as it should be .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: supposedly authentic account of a historical event that's far too tragic to merit such superficial treatment .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: to blandly go where we went 8 movies ago . . .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: this u-boat doesn't have a captain .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: this one aims for the toilet and scores a direct hit .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i walked away not really know who " they " were , what " they " looked like . why " they " were here and what " they " wanted and quite honestly , i didn't care .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: after several scenes of this tacky nonsense , you'll be wistful for the testosterone-charged wizardry of jerry bruckheimer productions , especially because half past dead is like the rock on a wal-mart budget .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the country bears wastes an exceptionally good idea . but the movie that doesn't really deliver for country music fans or for family audiences
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: . . . you can be forgiven for realizing that you've spent the past 20 minutes looking at your watch and waiting for frida to just die already .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it's lazy for a movie to avoid solving one problem by trying to distract us with the solution to another .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the movie obviously seeks to re-create the excitement of such '50s flicks as jules verne's '20 , 000 leagues under the sea' and the george pal version of h . g . wells' 'the time machine . ' but its storytelling prowess and special effects are both listless .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: even after 90 minutes of playing opposite each other bullock and grant still look ill at ease sharing the same scene . what should have been a painless time-killer becomes instead a grating endurance test .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: . . little action , almost no suspense or believable tension , one-dimensional characters up the wazoo and sets that can only be described as sci-fi generic .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the master of disguise is awful . it's pauly shore awful . don't say you weren't warned .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the entire movie is filled with deja vu moments .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: what [frei] gives us . . . is a man who uses the damage of war -- far more often than the warfare itself -- to create the kind of art shots that fill gallery shows .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the film is way too full of itself ; it's stuffy and pretentious in a give-me-an-oscar kind of way .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: watching " ending " is too often like looking over the outdated clothes and plastic knickknacks at your neighbor's garage sale . you can't believe anyone would really buy this stuff .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it desperately wants to be a wacky , screwball comedy , but the most screwy thing here is how so many talented people were convinced to waste their time .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: from the choppy editing to the annoying score to 'special effects' by way of replacing objects in a character's hands below the camera line , " besotted " is misbegotten
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a film that presents an interesting , even sexy premise then ruins itself with too many contrivances and goofy situations .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: directed in a flashy , empty sub-music video style by a director so self-possessed he actually adds a period to his first name
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: an unsophisticated sci-fi drama that takes itself all too seriously .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: harvard man is a semi-throwback , a reminiscence without nostalgia or sentimentality .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: while hoffman's performance is great , the subject matter goes nowhere .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: deuces wild treads heavily into romeo and juliet/west side story territory , where it plainly has no business going .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: theological matters aside , the movie is so clumsily sentimental and ineptly directed it may leave you speaking in tongues .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: novak contemplates a heartland so overwhelmed by its lack of purpose that it seeks excitement in manufactured high drama .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the film is all over the place , really . it dabbles all around , never gaining much momentum .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the action quickly sinks into by-the-numbers territory .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: when [reno] lets her radical flag fly , taking angry potshots at george w . bush , henry kissinger , larry king , et al . , reno devolves into a laugh-free lecture .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: burns' fifth beer-soaked film feels in almost every possible way -- from the writing and direction to the soggy performances -- tossed off .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: while this one gets off with a good natured warning , future lizard endeavors will need to adhere more closely to the laws of laughter
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: too much of the movie feels contrived , as if the filmmakers were worried the story wouldn't work without all those gimmicks .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the ethos of the chelsea hotel may shape hawke's artistic aspirations , but he hasn't yet coordinated his own dv poetry with the beat he hears in his soul .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: why sit through a crummy , wannabe-hip crime comedy that refers incessantly to old movies , when you could just rent those movies instead , let alone seek out a respectable new one ?
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: exploring value choices is a worthwhile topic for a film -- but here the choices are as contrived and artificial as kerrigan's platinum-blonde hair .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: all mood and no movie .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: simone is not a bad film . it just doesn't have anything really interesting to say .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: . . . hopefully it'll be at the dollar theatres by the time christmas rolls around . wait to see it then .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: lacks the spirit of the previous two , and makes all those jokes about hos and even more unmentionable subjects seem like mere splashing around in the muck .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: death to smoochy tells a moldy-oldie , not-nearly -as-nasty -as-it- thinks-it-is joke . over and over again .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the film never gets over its own investment in conventional arrangements , in terms of love , age , gender , race , and class .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: entertainment more disposable than hanna-barbera's half-hour cartoons ever were .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: by the end of it all i sort of loved the people onscreen , even though i could not stand them . perhaps the film should be seen as a conversation starter . it's not an easy one to review .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the whole talking-animal thing is grisly .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: wouldn't it be funny if a bunch of allied soldiers went undercover as women in a german factory during world war ii ? um , no . but here's a movie about it anyway .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the punch lines that miss , unfortunately , outnumber the hits by three-to-one . but death to smoochy keeps firing until the bitter end .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: showtime's starry cast could be both an asset and a detriment . those who trek to the 'plex predisposed to like it probably will enjoy themselves . but ticket-buyers with great expectations will wind up as glum as mr . de niro .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: too daft by half . . . but supremely good natured .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's a shame that the storyline and its underlying themes . . . finally seem so impersonal or even shallow .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: juliette binoche's sand is vivacious , but it's hard to sense that powerhouse of 19th-century prose behind her childlike smile .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: you can tell almost immediately that welcome to collinwood isn't going to jell .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: cattaneo reworks the formula that made the full monty a smashing success . . . but neglects to add the magic that made it all work .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a rip-off twice removed , modeled after [seagal's] earlier copycat under siege , sometimes referred to as die hard on a boat .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: you can practically hear george orwell turning over .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: while holm is terrific as both men and hjejle quite appealing , the film fails to make the most out of the intriguing premise .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: if it were any more of a turkey , it would gobble in dolby digital stereo . if nothing else , " rollerball " 2002 may go down in cinema history as the only movie ever in which the rest of the cast was outshined by ll cool j .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: how do you make a movie with depth about a man who lacked any ? on the evidence before us , the answer is clear : not easily and , in the end , not well enough .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: more trifle than triumph .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: festers in just such a dungpile that you'd swear you were watching monkeys flinging their feces at you .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it sounds like another clever if pointless excursion into the abyss , and that's more or less how it plays out .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: report card : doesn't live up to the exalted tagline - there's definite room for improvement . doesn't deserve a passing grade ( even on a curve ) .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: as his circle of friends keeps getting smaller one of the characters in long time dead says 'i'm telling you , this is f * * * ed' . maybe he was reading the minds of the audience .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: bean drops the ball too many times . . . hoping the nifty premise will create enough interest to make up for an unfocused screenplay .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: blood work is laughable in the solemnity with which it tries to pump life into overworked elements from eastwood's dirty harry period .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: [lee] treats his audience the same way that jim brown treats his women -- as dumb , credulous , unassuming , subordinate subjects . and lee seems just as expectant of an adoring , wide-smiling reception .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: one of the worst movies of the year . . . . watching it was painful .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: no amount of burning , blasting , stabbing , and shooting can hide a weak script .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: nearly all the fundamentals you take for granted in most films are mishandled here .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: earnest yet curiously tepid and choppy recycling in which predictability is the only winner .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the exploitative , clumsily staged violence overshadows everything , including most of the actors .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: even when crush departs from the 4w formula . . . it feels like a glossy rehash .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: bears is even worse than i imagined a movie ever could be .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: this is very much of a mixed bag , with enough negatives to outweigh the positives .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: whether it's the worst movie of 2002 , i can't say for sure : memories of rollerball have faded , and i skipped country bears . but this new jangle of noise , mayhem and stupidity must be a serious contender for the title .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: not once in the rush to save the day did i become very involved in the proceedings ; to me , it was just a matter of 'eh . '
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the first question to ask about bad company is why anthony hopkins is in it . we assume he had a bad run in the market or a costly divorce , because there is no earthly reason other than money why this distinguished actor would stoop so low .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: shame on writer/director vicente aranda for making a florid biopic about mad queens , obsessive relationships , and rampant adultery so dull .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: violent , vulgar and forgettably entertaining .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: with a completely predictable plot , you'll swear that you've seen it all before , even if you've never come within a mile of the longest yard .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: blue crush has all the trappings of an energetic , extreme-sports adventure , but ends up more of a creaky " pretty woman " retread , with the emphasis on self-empowering schmaltz and big-wave surfing that gives pic its title an afterthought .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: what we get in feardotcom is more like something from a bad clive barker movie . in other words , it's badder than bad .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a sloppy slapstick throwback to long gone bottom-of-the-bill fare like the ghost and mr . chicken .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: where the film falters is in its tone .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: ultimately , sarah's dedication to finding her husband seems more psychotic than romantic , and nothing in the movie makes a convincing case that one woman's broken heart outweighs all the loss we witness .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: feels more like a rejected x-files episode than a credible account of a puzzling real-life happening .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: an enigmatic film that's too clever for its own good , it's a conundrum not worth solving .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: rashomon-for-dipsticks tale .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it doesn't take a rocket scientist to figure out that this is a mormon family movie , and a sappy , preachy one at that .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: certainly not a good movie , but it wasn't horrible either .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the result is so tame that even slightly wised-up kids would quickly change the channel .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: nothing but an episode of smackdown ! in period costume and with a bigger budget .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: while the story is better-focused than the incomprehensible anne rice novel it's based upon , queen of the damned is a pointless , meandering celebration of the goth-vampire , tortured woe-is-me lifestyle .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a good-looking but ultimately pointless political thriller with plenty of action and almost no substance .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: if hill isn't quite his generation's don siegel ( or robert aldrich ) , it's because there's no discernible feeling beneath the chest hair ; it's all bluster and cliché .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: this is an insultingly inept and artificial examination of grief and its impacts upon the relationships of the survivors .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: `martin lawrence live' is so self-pitying , i almost expected there to be a collection taken for the comedian at the end of the show .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: never decides whether it wants to be a black comedy , drama , melodrama or some combination of the three .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: does what should seem impossible : it makes serial killer jeffrey dahmer boring .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: . . . better described as a ghost story gone badly awry .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the filmmakers are playing to the big boys in new york and l . a . to that end , they mock the kind of folks they don't understand , ones they figure the power-lunchers don't care to understand , either .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the big finish is a bit like getting all excited about a chocolate eclair and then biting into it and finding the filling missing .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: this thing is virtually unwatchable .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the self-serious equilibrium makes its point too well ; a movie , like life , isn't much fun without the highs and lows .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: the main characters are simply named the husband , the wife and the kidnapper , emphasizing the disappointingly generic nature of the entire effort .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: swims in mediocrity , sticking its head up for a breath of fresh air now and then .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the characters . . . are paper-thin , and their personalities undergo radical changes when it suits the script .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the trouble is , its filmmakers run out of clever ideas and visual gags about halfway through .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a so-so , made-for-tv something posing as a real movie .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: whether this is art imitating life or life imitating art , it's an unhappy situation all around .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a formula family tearjerker told with a heavy irish brogue . . . accentuating , rather than muting , the plot's saccharine thrust .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: this is as lax and limp a comedy as i've seen in a while , a meander through worn-out material .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the sort of picture in which , whenever one of the characters has some serious soul searching to do , they go to a picture-perfect beach during sunset .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: a preposterously melodramatic paean to gang-member teens in brooklyn circa 1958 .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: everything its title implies , a standard-issue crime drama spat out from the tinseltown assembly line .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a rehash of every gangster movie from the past decade .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: talkiness isn't necessarily bad , but the dialogue frequently misses the mark .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the stunt work is top-notch ; the dialogue and drama often food-spittingly funny .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: charly comes off as emotionally manipulative and sadly imitative of innumerable past love story derisions .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: no amount of good intentions is able to overcome the triviality of the story .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: . . . for all its social and political potential , state property doesn't end up being very inspiring or insightful .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: little more than a stylish exercise in revisionism whose point . . . is no doubt true , but serves as a rather thin moral to such a knowing fable .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: this is a monumental achievement in practically every facet of inept filmmaking : joyless , idiotic , annoying , heavy-handed , visually atrocious , and often downright creepy .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: overburdened with complicated plotting and banal dialogue
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the master of disguise falls under the category of 'should have been a sketch on saturday night live . '
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: koepp's screenplay isn't nearly surprising or clever enough to sustain a reasonable degree of suspense on its own .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: more successful at relating history than in creating an emotionally complex , dramatically satisfying heroine
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's hard to pity the 'plain' girl who becomes a ravishing waif after applying a smear of lip-gloss . rather , pity anyone who sees this mishmash .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the drama discloses almost nothing .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: belongs in the too-hot-for-tv direct-to-video/dvd category , and this is why i have given it a one-star rating .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a dim-witted and lazy spin-off of the animal planet documentary series , crocodile hunter is entertainment opportunism at its most glaring .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: even fans of ismail merchant's work , i suspect , would have a hard time sitting through this one .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it's not a particularly good film , but neither is it a monsterous one .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: enchanted with low-life tragedy and liberally seasoned with emotional outbursts . . . what is sorely missing , however , is the edge of wild , lunatic invention that we associate with cage's best acting .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: sade achieves the near-impossible : it turns the marquis de sade into a dullard .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: one of the most plain , unimaginative romantic comedies i've ever seen .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: unfortunately , the experience of actually watching the movie is less compelling than the circumstances of its making .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it should be doing a lot of things , but doesn't .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: . . . a rather bland affair .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the movie tries to be ethereal , but ends up seeming goofy .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: harris is supposed to be the star of the story , but comes across as pretty dull and wooden .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a boring masquerade ball where normally good actors , even kingsley , are made to look bad .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the filmmakers keep pushing the jokes at the expense of character until things fall apart .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: mariah carey gives us another peek at some of the magic we saw in glitter here in wisegirls .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: i suspect that you'll be as bored watching morvern callar as the characters are in it . if you go , pack your knitting needles .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: some writer dude , i think his name was , uh , michael zaidan , was supposed to have like written the screenplay or something , but , dude , the only thing that i ever saw that was written down were the zeroes on my paycheck .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: this feature is about as necessary as a hole in the head
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: spectators will indeed sit open-mouthed before the screen , not screaming but yawning .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a period story about a catholic boy who tries to help a jewish friend get into heaven by sending the audience straight to hell .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: proves a lovely trifle that , unfortunately , is a little too in love with its own cuteness .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: some movies can get by without being funny simply by structuring the scenes as if they were jokes : a setup , delivery and payoff . stealing harvard can't even do that much . each scene immediately succumbs to gravity and plummets to earth .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: i spied with my little eye . . . a mediocre collection of cookie-cutter action scenes and occasionally inspired dialogue bits
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the satire is just too easy to be genuinely satisfying .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: less funny than it should be and less funny than it thinks it is .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a feeble tootsie knockoff .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the story is far-flung , illogical , and plain stupid .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: an allegory concerning the chronically mixed signals african american professionals get about overachieving could be intriguing , but the supernatural trappings only obscure the message .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: one key problem with these ardently christian storylines is that there is never any question of how things will turn out .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a relentless , bombastic and ultimately empty world war ii action flick .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: too long , and larded with exposition , this somber cop drama ultimately feels as flat as the scruffy sands of its titular community .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: . . . a ho-hum affair , always watchable yet hardly memorable .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the histrionic muse still eludes madonna and , playing a charmless witch , she is merely a charmless witch .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: diaz , applegate , blair and posey are suitably kooky which should appeal to women and they strip down often enough to keep men alert , if not amused .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: an inept , tedious spoof of '70s kung fu pictures , it contains almost enough chuckles for a three-minute sketch , and no more .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: absolutely ( and unintentionally ) terrifying .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: eight legged freaks falls flat as a spoof .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: you'll just have your head in your hands wondering why lee's character didn't just go to a bank manager and save everyone the misery .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: in his determination to lighten the heavy subject matter , silberling also , to a certain extent , trivializes the movie with too many nervous gags and pratfalls .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: veers uncomfortably close to pro-serb propaganda .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: movies like high crimes flog the dead horse of surprise as if it were an obligation . how about surprising us by trying something new ?
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: throwing in everything except someone pulling the pin from a grenade with his teeth , windtalkers seems to have ransacked every old world war ii movie for overly familiar material .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: further sad evidence that tom tykwer , director of the resonant and sense-spinning run lola run , has turned out to be a one-trick pony -- a maker of softheaded metaphysical claptrap .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the movie is a little tired ; maybe the original inspiration has run its course .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a full-frontal attack on audience patience .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it's a big idea , but the film itself is small and shriveled .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: one gets the impression the creators of don't ask don't tell laughed a hell of a lot at their own jokes . too bad none of it is funny .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the film , like jimmy's routines , could use a few good laughs .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: purports to be a hollywood satire but winds up as the kind of film that should be the target of something deeper and more engaging . oh , and more entertaining , too .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: though it was made with careful attention to detail and is well-acted by james spader and maggie gyllenhaal , i felt disrespected .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: humor in i spy is so anemic .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a real snooze .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: while the new film is much more eye-catching than its blood-drenched stephen norrington-directed predecessor , the new script by the returning david s . goyer is much sillier .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it shares the first two films' loose-jointed structure , but laugh-out-loud bits are few and far between .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: you cannot guess why the cast and crew didn't sign a pact to burn the negative and the script and pretend the whole thing never existed .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: if you're really renting this you're not interested in discretion in your entertainment choices , you're interested in anne geddes , john grisham , and thomas kincaid .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the uneven movie does have its charms and its funny moments but not quite enough of them .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a word of advice to the makers of the singles ward : celebrity cameos do not automatically equal laughs . and neither do cliches , no matter how 'inside' they are .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: its appeal will probably limited to lds church members and undemanding armchair tourists .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: cherish would've worked a lot better had it been a short film .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: hey arnold ! is now stretched to barely feature length , with a little more attention paid to the animation . still , the updated dickensian sensibility of writer craig bartlett's story is appealing .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: doesn't come close to justifying the hype that surrounded its debut at the sundance film festival two years ago .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: kaufman's script is never especially clever and often is rather pretentious .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: queen of the damned is too long with too little going on .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: any film that doesn't even in passing mention political prisoners , poverty and the boat loads of people who try to escape the country is less a documentary and more propaganda by way of a valentine sealed with a kiss .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the rules of attraction gets us too drunk on the party favors to sober us up with the transparent attempts at moralizing .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: in this film we at least see a study in contrasts ; the wide range of one actor , and the limited range of a comedian .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: no surprises .
Correct answer: 0, Flan-T5: i think i have a new favorite song
prompt: Classify 1 for positive 0 for negative: the high-concept scenario soon proves preposterous , the acting is robotically italicized , and truth-in-advertising hounds take note : there's very little hustling on view .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: characterisation has been sacrificed for the sake of spectacle .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it's a movie that ends with truckzilla , for cryin' out loud . if that doesn't clue you in that something's horribly wrong , nothing will .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it's difficult to imagine that a more confused , less interesting and more sloppily made film could possibly come down the road in 2002 .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: as pedestrian as they come .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it's a feel-bad ending for a depressing story that throws a bunch of hot-button items in the viewer's face and asks to be seen as hip , winking social commentary .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: more intellectually scary than dramatically involving .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the abiding impression , despite the mild hallucinogenic buzz , is of overwhelming waste -- the acres of haute couture can't quite conceal that there's nothing resembling a spine here .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: you come away thinking not only that kate isn't very bright , but that she hasn't been worth caring about and that maybe she , janine and molly -- an all-woman dysfunctional family -- deserve one another .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: very much a home video , and so devoid of artifice and purpose that it appears not to have been edited at all .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the attempt to build up a pressure cooker of horrified awe emerges from the simple fact that the movie has virtually nothing to show .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: a cellophane-pop remake of the punk classic ladies and gentlemen , the fabulous stains . . . crossroads is never much worse than bland or better than inconsequential .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: for this sort of thing to work , we need agile performers , but the proficient , dull sorvino has no light touch , and rodan is out of his league .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: though excessively tiresome , the uncertainty principle , as verbally pretentious as the title may be , has its handful of redeeming features , as long as you discount its ability to bore .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: it's tough to be startled when you're almost dozing .
Correct answer: 0, Flan-T5: 1
prompt: Classify 1 for positive 0 for negative: it's so downbeat and nearly humorless that it becomes a chore to sit through -- despite some first-rate performances by its lead .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: there are many definitions of 'time waster' but this movie must surely be one of them .
Correct answer: 0, Flan-T5: 0
prompt: Classify 1 for positive 0 for negative: the thing looks like a made-for-home-video quickie .
Correct answer: 0, Flan-T5: 0
0.8949343339587242
correct
477
accu
0.8949343339587242