mirror of
https://github.com/QData/TextAttack.git
synced 2021-10-13 00:05:06 +03:00
9843 lines
793 KiB
Plaintext
9843 lines
793 KiB
Plaintext
{
|
||
"cells": [
|
||
{
|
||
"cell_type": "markdown",
|
||
"metadata": {},
|
||
"source": [
|
||
"# TextAttack End-to-End\n",
|
||
"\n",
|
||
"This tutorial provides a broad end-to-end overview of training, evaluating, and attacking a model using TextAttack."
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "markdown",
|
||
"metadata": {},
|
||
"source": [
|
||
"[](https://colab.research.google.com/github/QData/TextAttack/blob/master/docs/2notebook/0_End_to_End.ipynb)\n",
|
||
"\n",
|
||
"[](https://github.com/QData/TextAttack/blob/master/docs/2notebook/0_End_to_End.ipynb)"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "markdown",
|
||
"metadata": {},
|
||
"source": [
|
||
"## Training\n",
|
||
"\n",
|
||
"First, we're going to train a model. TextAttack integrates directly with [transformers](https://github.com/huggingface/transformers/) and [datasets](https://github.com/huggingface/datasets) to train any of the `transformers` pre-trained models on datasets from `datasets`. \n",
|
||
"\n",
|
||
"Let's use the SNLI textual entailment dataset: it's relatively short (in word count, at least), and showcases a lot of the features of `textattack train`. Let's take a look at the dataset using `textattack peek-dataset`:"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "code",
|
||
"execution_count": 1,
|
||
"metadata": {},
|
||
"outputs": [
|
||
{
|
||
"name": "stdout",
|
||
"output_type": "stream",
|
||
"text": [
|
||
"Reusing dataset snli (/p/qdata/jy2ma/.cache/textattack/datasets/snli/plain_text/1.0.0/1f60b67533b65ae0275561ff7828aad5ee4282d0e6f844fd148d05d3c6ea251b)\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Loading \u001b[94mdatasets\u001b[0m dataset \u001b[94msnli\u001b[0m, split \u001b[94mtrain\u001b[0m.\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Number of samples: \u001b[94m550152\u001b[0m\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Number of words per input:\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: \ttotal: \u001b[94m11150480\u001b[0m\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: \tmean: \u001b[94m20.27\u001b[0m\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: \tstd: \u001b[94m6.95\u001b[0m\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: \tmin: \u001b[94m4\u001b[0m\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: \tmax: \u001b[94m112\u001b[0m\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Dataset lowercased: \u001b[94mFalse\u001b[0m\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: First sample:\n",
|
||
"Premise: A person on a horse jumps over a broken down airplane.\n",
|
||
"Hypothesis: A person is training his horse for a competition. \n",
|
||
"\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Last sample:\n",
|
||
"Premise: A man is surfing in a bodysuit in beautiful blue water.\n",
|
||
"Hypothesis: On the beautiful blue water there is a man in a bodysuit surfing. \n",
|
||
"\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Found 4 distinct outputs.\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Most common outputs:\n",
|
||
"\t 0 (183416)\n",
|
||
"\t 2 (183187)\n",
|
||
"\t 1 (182764)\n",
|
||
"\t -1 (785)\n"
|
||
]
|
||
}
|
||
],
|
||
"source": [
|
||
"!textattack peek-dataset --dataset-from-huggingface snli"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "markdown",
|
||
"metadata": {},
|
||
"source": [
|
||
"The dataset looks good! It's not lowercased already, so we'll make sure our model is cased. Looks like there are some missing (-1) labels, so we need to filter those out. The longest input is 114 words, so we can cap our maximum sequence length (`--model-max-length`) at 128.\n",
|
||
"\n",
|
||
"We'll train [`distilbert-base-cased`](https://huggingface.co/transformers/model_doc/distilbert.html), since it's a relatively small model, and a good example of how we integrate with `transformers`.\n",
|
||
"\n",
|
||
"So we have our command:\n",
|
||
"\n",
|
||
"```bash\n",
|
||
"textattack train \\ # Train a model with TextAttack\n",
|
||
" --model distilbert-base-cased \\ # Using distilbert, cased version, from `transformers`\n",
|
||
" --dataset snli \\ # On the SNLI dataset\n",
|
||
" --model-num-labels 3 \\ # That has 3 labels\n",
|
||
" --filter-train-by-labels 0 1 2 \\ # And filter -1 label from train and test\n",
|
||
" --filter-eval-by-labels 0 1 2\n",
|
||
" --model-max-length 128 \\ # With a maximum sequence length of 128\n",
|
||
" --per-device-train-batch-size 128 \\ # And batch size of 128\n",
|
||
" --num-epochs 2 \\ # For 2 epochs (since SNLI is large)\n",
|
||
"```\n",
|
||
"\n",
|
||
"Now let's run it:"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "code",
|
||
"execution_count": 2,
|
||
"metadata": {},
|
||
"outputs": [
|
||
{
|
||
"name": "stdout",
|
||
"output_type": "stream",
|
||
"text": [
|
||
"\u001b[34;1mtextattack\u001b[0m: Loading transformers AutoModelForSequenceClassification: distilbert-base-cased\n",
|
||
"Some weights of the model checkpoint at distilbert-base-cased were not used when initializing DistilBertForSequenceClassification: ['vocab_transform.weight', 'vocab_transform.bias', 'vocab_layer_norm.weight', 'vocab_layer_norm.bias', 'vocab_projector.weight', 'vocab_projector.bias']\n",
|
||
"- This IS expected if you are initializing DistilBertForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n",
|
||
"- This IS NOT expected if you are initializing DistilBertForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n",
|
||
"Some weights of DistilBertForSequenceClassification were not initialized from the model checkpoint at distilbert-base-cased and are newly initialized: ['pre_classifier.weight', 'pre_classifier.bias', 'classifier.weight', 'classifier.bias']\n",
|
||
"You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n",
|
||
"Reusing dataset snli (/p/qdata/jy2ma/.cache/textattack/datasets/snli/plain_text/1.0.0/1f60b67533b65ae0275561ff7828aad5ee4282d0e6f844fd148d05d3c6ea251b)\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Loading \u001b[94mdatasets\u001b[0m dataset \u001b[94msnli\u001b[0m, split \u001b[94mtrain\u001b[0m.\n",
|
||
"Reusing dataset snli (/p/qdata/jy2ma/.cache/textattack/datasets/snli/plain_text/1.0.0/1f60b67533b65ae0275561ff7828aad5ee4282d0e6f844fd148d05d3c6ea251b)\n",
|
||
"Reusing dataset snli (/p/qdata/jy2ma/.cache/textattack/datasets/snli/plain_text/1.0.0/1f60b67533b65ae0275561ff7828aad5ee4282d0e6f844fd148d05d3c6ea251b)\n",
|
||
"Reusing dataset snli (/p/qdata/jy2ma/.cache/textattack/datasets/snli/plain_text/1.0.0/1f60b67533b65ae0275561ff7828aad5ee4282d0e6f844fd148d05d3c6ea251b)\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Loading \u001b[94mdatasets\u001b[0m dataset \u001b[94msnli\u001b[0m, split \u001b[94mvalidation\u001b[0m.\n",
|
||
"100%|█████████████████████████████████████████| 551/551 [00:09<00:00, 55.84ba/s]\n",
|
||
"100%|███████████████████████████████████████████| 10/10 [00:00<00:00, 56.93ba/s]\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Writing logs to ./outputs/2021-06-01-09-32-01-176023/train_log.txt.\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Wrote original training args to ./outputs/2021-06-01-09-32-01-176023/training_args.json.\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: ***** Running training *****\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Num examples = 549367\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Num epochs = 2\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Num clean epochs = 2\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Instantaneous batch size per device = 128\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Total train batch size (w. parallel, distributed & accumulation) = 128\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Gradient accumulation steps = 1\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Total optimization steps = 8584\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: ==========================================================\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Epoch 1\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Running clean epoch 1/2\n",
|
||
"Loss 0.46973: 100%|█████████████████████████| 4292/4292 [44:07<00:00, 1.62it/s]\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Train accuracy: 81.18%\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Eval accuracy: 88.04%\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Best score found. Saved model to ./outputs/2021-06-01-09-32-01-176023/best_model/\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: ==========================================================\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Epoch 2\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Running clean epoch 2/2\n",
|
||
"Loss 0.39032: 100%|█████████████████████████| 4292/4292 [44:09<00:00, 1.62it/s]\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Train accuracy: 88.52%\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Eval accuracy: 88.93%\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Best score found. Saved model to ./outputs/2021-06-01-09-32-01-176023/best_model/\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Wrote README to ./outputs/2021-06-01-09-32-01-176023/README.md.\n"
|
||
]
|
||
}
|
||
],
|
||
"source": [
|
||
"!textattack train --model-name-or-path distilbert-base-cased --dataset snli --model-num-labels 3 --filter-train-by-labels 0 1 2 --filter-eval-by-labels 0 1 2 --model-max-length 128 --per-device-train-batch-size 128 --num-epochs 2"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "markdown",
|
||
"metadata": {},
|
||
"source": [
|
||
"## Evaluation\n",
|
||
"\n",
|
||
"We successfully fine-tuned `distilbert-base-cased` for 3 epochs. Now let's evaluate it using `textattack eval`. This is as simple as providing the path to the pretrained model to `--model`, along with the number of evaluation samples. `textattack eval` will automatically load the evaluation data from training:"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "code",
|
||
"execution_count": 15,
|
||
"metadata": {},
|
||
"outputs": [
|
||
{
|
||
"name": "stdout",
|
||
"output_type": "stream",
|
||
"text": [
|
||
"Reusing dataset snli (/p/qdata/jy2ma/.cache/textattack/datasets/snli/plain_text/1.0.0/1f60b67533b65ae0275561ff7828aad5ee4282d0e6f844fd148d05d3c6ea251b)\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Loading \u001b[94mdatasets\u001b[0m dataset \u001b[94msnli\u001b[0m, split \u001b[94mtest\u001b[0m.\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Got 10000 predictions.\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Correct 8684/10000 (\u001b[94m86.84%\u001b[0m)\n"
|
||
]
|
||
}
|
||
],
|
||
"source": [
|
||
"!textattack eval --num-examples 10000 --model ./outputs/2021-06-01-09-32-01-176023/best_model/ --dataset-from-huggingface snli --dataset-split test"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "markdown",
|
||
"metadata": {},
|
||
"source": [
|
||
"Awesome -- we were able to train a model up to 86.84% accuracy on the test dataset – with only a single command!"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "markdown",
|
||
"metadata": {},
|
||
"source": [
|
||
"## Attack\n",
|
||
"\n",
|
||
"Finally, let's attack our pre-trained model. We can do this the same way as before (by providing the path to the pretrained model to `--model`). For our attack, let's use the \"TextFooler\" attack recipe, from the paper [\"Is BERT Really Robust? A Strong Baseline for Natural Language Attack on Text Classification and Entailment\" (Jin et al, 2019)](https://arxiv.org/abs/1907.11932). We can do this by passing `--recipe textfooler` to `textattack attack`.\n",
|
||
"\n",
|
||
"> *Warning*: We're printing out 1000 examples and, if the attack succeeds, their perturbations. The output of this command is going to be quite long!\n"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "code",
|
||
"execution_count": 22,
|
||
"metadata": {},
|
||
"outputs": [
|
||
{
|
||
"name": "stdout",
|
||
"output_type": "stream",
|
||
"text": [
|
||
"Reusing dataset snli (/p/qdata/jy2ma/.cache/textattack/datasets/snli/plain_text/1.0.0/1f60b67533b65ae0275561ff7828aad5ee4282d0e6f844fd148d05d3c6ea251b)\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Loading \u001b[94mdatasets\u001b[0m dataset \u001b[94msnli\u001b[0m, split \u001b[94mtest\u001b[0m.\n",
|
||
"\u001b[34;1mtextattack\u001b[0m: Unknown if model of class <class 'transformers.models.distilbert.modeling_distilbert.DistilBertForSequenceClassification'> compatible with goal function <class 'textattack.goal_functions.classification.untargeted_classification.UntargetedClassification'>.\n",
|
||
"Attack(\n",
|
||
" (search_method): GreedyWordSwapWIR(\n",
|
||
" (wir_method): delete\n",
|
||
" )\n",
|
||
" (goal_function): UntargetedClassification\n",
|
||
" (transformation): WordSwapEmbedding(\n",
|
||
" (max_candidates): 50\n",
|
||
" (embedding): WordEmbedding\n",
|
||
" )\n",
|
||
" (constraints): \n",
|
||
" (0): WordEmbeddingDistance(\n",
|
||
" (embedding): WordEmbedding\n",
|
||
" (min_cos_sim): 0.5\n",
|
||
" (cased): False\n",
|
||
" (include_unknown_words): True\n",
|
||
" (compare_against_original): True\n",
|
||
" )\n",
|
||
" (1): PartOfSpeech(\n",
|
||
" (tagger_type): nltk\n",
|
||
" (tagset): universal\n",
|
||
" (allow_verb_noun_swap): True\n",
|
||
" (compare_against_original): True\n",
|
||
" )\n",
|
||
" (2): UniversalSentenceEncoder(\n",
|
||
" (metric): angular\n",
|
||
" (threshold): 0.840845057\n",
|
||
" (window_size): 15\n",
|
||
" (skip_text_shorter_than_window): True\n",
|
||
" (compare_against_original): False\n",
|
||
" )\n",
|
||
" (3): RepeatModification\n",
|
||
" (4): StopwordModification\n",
|
||
" (5): InputColumnModification(\n",
|
||
" (matching_column_labels): ['premise', 'hypothesis']\n",
|
||
" (columns_to_ignore): {'premise'}\n",
|
||
" )\n",
|
||
" (is_black_box): True\n",
|
||
") \n",
|
||
"\n",
|
||
" 0%| | 0/1000 [00:00<?, ?it/s]--------------------------------------------- Result 1 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (89%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This church choir sings to the masses as they sing joyous songs from the book at a church.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The church has cracks in the ceiling.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 0 / 0 / 1 / 1: 0%| | 1/1000 [00:00<00:1Using /p/qdata/jy2ma/.cache/textattack to cache modules.\n",
|
||
"[Succeeded / Failed / Skipped / Total] 0 / 0 / 1 / 1: 0%| | 2/1000 [00:04<38:3--------------------------------------------- Result 2 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37mNeutral (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This church choir sings to the masses as they sing joyous songs from the book at a church.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The church is filled with \u001b[92msong\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This church choir sings to the masses as they sing joyous songs from the book at a church.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The church is filled with \u001b[37mchanson\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 1 / 0 / 1 / 2: 0%| | 2/1000 [00:04<38:3--------------------------------------------- Result 3 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This church choir sings to the masses as they sing joyous songs from the book at a church.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A choir singing at a baseball game.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 1 / 1 / 1 / 3: 0%| | 4/1000 [00:05<21:4--------------------------------------------- Result 4 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[92mEntailment (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with a green headscarf, blue shirt and a very big grin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is \u001b[37myoung\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with a green headscarf, blue shirt and a very big grin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is \u001b[92myouthful\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 2 / 1 / 1 / 4: 0%| | 4/1000 [00:05<21:4--------------------------------------------- Result 5 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (63%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with a green headscarf, blue shirt and a very big grin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mwoman\u001b[0m is very happy.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with a green headscarf, blue shirt and a very big grin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mfemme\u001b[0m is very happy.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 3 / 1 / 1 / 5: 1%| | 6/1000 [00:05<14:5--------------------------------------------- Result 6 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (45%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with a green headscarf, blue shirt and a very big grin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman has been shot.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 3 / 1 / 2 / 6: 1%| | 6/1000 [00:05<14:5--------------------------------------------- Result 7 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man with a package poses in front of an advertisement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man poses in \u001b[92mfront\u001b[0m of an ad.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man with a package poses in front of an advertisement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man poses in \u001b[37mnewsweek\u001b[0m of an ad.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 4 / 1 / 2 / 7: 1%| | 8/1000 [00:05<11:4--------------------------------------------- Result 8 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man with a package poses in front of an advertisement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man poses in front of an \u001b[37mad\u001b[0m for \u001b[37mbeer\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man with a package poses in front of an advertisement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man poses in front of an \u001b[92mpublicize\u001b[0m for \u001b[92mbier\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 5 / 1 / 2 / 8: 1%| | 8/1000 [00:05<11:4--------------------------------------------- Result 9 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (59%)\u001b[0m --> \u001b[92mEntailment (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man with a package poses in front of an advertisement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[91mwalks\u001b[0m by an ad.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man with a package poses in front of an advertisement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[92mstrolls\u001b[0m by an ad.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 6 / 1 / 2 / 9: 1%| | 9/1000 [00:05<10:3--------------------------------------------- Result 10 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (54%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A statue at a museum that no seems to be looking at.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The statue is offensive and people are mad that it is on display.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 6 / 1 / 3 / 10: 1%| | 11/1000 [00:06<09--------------------------------------------- Result 11 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (83%)\u001b[0m --> \u001b[37mNeutral (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A statue at a museum that no seems to be looking at.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a statue that not many \u001b[92mpeople\u001b[0m \u001b[92mseem\u001b[0m to be interested in.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A statue at a museum that no seems to be looking at.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a statue that not many \u001b[37mcompatriots\u001b[0m \u001b[37mlooks\u001b[0m to be interested in.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 7 / 1 / 3 / 11: 1%| | 11/1000 [00:06<09--------------------------------------------- Result 12 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (60%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A statue at a museum that no seems to be looking at.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Tons of people are gathered around the statue.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 7 / 1 / 4 / 12: 1%| | 12/1000 [00:06<08--------------------------------------------- Result 13 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (74%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A land rover is being driven across a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A Land Rover is splashing water as it crosses a river.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 7 / 1 / 5 / 13: 1%| | 14/1000 [00:06<07--------------------------------------------- Result 14 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A land rover is being driven across a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mvehicle\u001b[0m is crossing a river.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A land rover is being driven across a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mmotorcar\u001b[0m is crossing a river.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 8 / 1 / 5 / 14: 1%| | 14/1000 [00:06<07--------------------------------------------- Result 15 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (89%)\u001b[0m --> \u001b[37mNeutral (40%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A land rover is being driven across a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91msedan\u001b[0m is stuck in the \u001b[91mmiddle\u001b[0m of a river.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A land rover is being driven across a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mroadster\u001b[0m is stuck in the \u001b[37measterly\u001b[0m of a river.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 9 / 1 / 5 / 15: 2%| | 15/1000 [00:06<06--------------------------------------------- Result 16 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing an electric guitar on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man playing \u001b[91mbanjo\u001b[0m on the \u001b[91mfloor\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing an electric guitar on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man playing \u001b[37mconcertina\u001b[0m on the \u001b[37msol\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 10 / 1 / 5 / 16: 2%| | 17/1000 [00:06<0--------------------------------------------- Result 17 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing an electric guitar on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man playing guitar on \u001b[92mstage\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing an electric guitar on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man playing guitar on \u001b[91mballpark\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 11 / 1 / 5 / 17: 2%| | 17/1000 [00:06<0--------------------------------------------- Result 18 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing an electric guitar on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is performing for \u001b[37mcash\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing an electric guitar on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is performing for \u001b[91mdough\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 12 / 1 / 5 / 18: 2%| | 18/1000 [00:06<0--------------------------------------------- Result 19 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (64%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond-haired doctor and her African american assistant looking threw new medical manuals.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A doctor is looking at a book\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 12 / 1 / 6 / 19: 2%| | 20/1000 [00:07<0--------------------------------------------- Result 20 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond-haired doctor and her African american assistant looking threw new medical manuals.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mman\u001b[0m is \u001b[91meating\u001b[0m pb and j\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond-haired doctor and her African american assistant looking threw new medical manuals.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mhumans\u001b[0m is \u001b[92messen\u001b[0m pb and j\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 13 / 1 / 6 / 20: 2%| | 20/1000 [00:07<0--------------------------------------------- Result 21 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (64%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond-haired doctor and her African american assistant looking threw new medical manuals.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A doctor is studying\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 13 / 1 / 7 / 21: 2%| | 21/1000 [00:07<0--------------------------------------------- Result 22 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One tan girl with a wool hat is running and leaning over an object, while another person in a wool hat is sitting on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mboy\u001b[0m runs into a wall\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One tan girl with a wool hat is running and leaning over an object, while another person in a wool hat is sitting on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mbuddies\u001b[0m runs into a wall\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 14 / 1 / 7 / 22: 2%| | 23/1000 [00:07<0--------------------------------------------- Result 23 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One tan girl with a wool hat is running and leaning over an object, while another person in a wool hat is sitting on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A tan girl runs leans over an \u001b[92mobject\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One tan girl with a wool hat is running and leaning over an object, while another person in a wool hat is sitting on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A tan girl runs leans over an \u001b[37mfinality\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 15 / 1 / 7 / 23: 2%| | 23/1000 [00:07<0--------------------------------------------- Result 24 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (90%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One tan girl with a wool hat is running and leaning over an object, while another person in a wool hat is sitting on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man watches his daughter leap\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 15 / 1 / 8 / 24: 2%| | 24/1000 [00:07<0--------------------------------------------- Result 25 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young family enjoys feeling ocean waves lap at their feet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young \u001b[37mman\u001b[0m and \u001b[37mwoman\u001b[0m take their child to the \u001b[37mbeach\u001b[0m for the first \u001b[37mtime\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young family enjoys feeling ocean waves lap at their feet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young \u001b[91mfella\u001b[0m and \u001b[91mmissus\u001b[0m take their child to the \u001b[91mshore\u001b[0m for the first \u001b[91mzeit\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 16 / 1 / 8 / 25: 3%| | 26/1000 [00:08<0--------------------------------------------- Result 26 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young family enjoys feeling ocean waves lap at their feet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A family is out at a \u001b[91mrestaurant\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young family enjoys feeling ocean waves lap at their feet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A family is out at a \u001b[92mcomer\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 17 / 1 / 8 / 26: 3%| | 26/1000 [00:08<0--------------------------------------------- Result 27 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (63%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young family enjoys feeling ocean waves lap at their feet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m family is at the beach.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young family enjoys feeling ocean waves lap at their feet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37manother\u001b[0m family is at the beach.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 18 / 1 / 8 / 27: 3%| | 27/1000 [00:08<0--------------------------------------------- Result 28 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple walk hand in hand down a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A couple is \u001b[92mwalking\u001b[0m together.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple walk hand in hand down a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A couple is \u001b[91mmountaineering\u001b[0m together.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 19 / 1 / 8 / 28: 3%| | 29/1000 [00:08<0--------------------------------------------- Result 29 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple walk hand in hand down a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mcouple\u001b[0m is \u001b[37mmarried\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple walk hand in hand down a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mballgame\u001b[0m is \u001b[91mmarital\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 20 / 1 / 8 / 29: 3%| | 29/1000 [00:08<0--------------------------------------------- Result 30 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple walk hand in hand down a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mcouple\u001b[0m is \u001b[91msitting\u001b[0m on a \u001b[91mbench\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple walk hand in hand down a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mspouses\u001b[0m is \u001b[37mtis\u001b[0m on a \u001b[37mmagistrate\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 21 / 1 / 8 / 30: 3%| | 30/1000 [00:08<0--------------------------------------------- Result 31 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 young man in hoods standing in the middle of a quiet street facing the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three people \u001b[91msit\u001b[0m by a busy street bareheaded.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 young man in hoods standing in the middle of a quiet street facing the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three people \u001b[92massis\u001b[0m by a busy street bareheaded.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 22 / 1 / 8 / 31: 3%| | 32/1000 [00:09<0--------------------------------------------- Result 32 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (53%)\u001b[0m --> \u001b[37mNeutral (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 young man in hoods standing in the middle of a quiet street facing the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three hood wearing people pose for a \u001b[92mpicture\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 young man in hoods standing in the middle of a quiet street facing the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three hood wearing people pose for a \u001b[37mpictures\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 23 / 1 / 8 / 32: 3%| | 32/1000 [00:09<0--------------------------------------------- Result 33 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 young man in hoods standing in the middle of a quiet street facing the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three hood wearing people stand in a \u001b[92mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 young man in hoods standing in the middle of a quiet street facing the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three hood wearing people stand in a \u001b[91mthoroughfare\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 24 / 1 / 8 / 33: 3%| | 33/1000 [00:09<0--------------------------------------------- Result 34 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man reads the paper in a bar with green lighting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[92minside\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man reads the paper in a bar with green lighting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91minboard\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 25 / 1 / 8 / 34: 4%| | 35/1000 [00:09<0--------------------------------------------- Result 35 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (71%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man reads the paper in a bar with green lighting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mman\u001b[0m is reading the sportspage.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man reads the paper in a bar with green lighting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mhomeboy\u001b[0m is reading the sportspage.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 26 / 1 / 8 / 35: 4%| | 35/1000 [00:09<0--------------------------------------------- Result 36 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man reads the paper in a bar with green lighting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91mclimbing\u001b[0m a \u001b[91mmountain\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man reads the paper in a bar with green lighting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[37mincrease\u001b[0m a \u001b[37mmontagnard\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 27 / 1 / 8 / 36: 4%| | 36/1000 [00:09<0--------------------------------------------- Result 37 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (68%)\u001b[0m --> \u001b[92mEntailment (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three firefighter come out of subway station.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three firefighters putting out a \u001b[37mfire\u001b[0m inside of a subway station.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three firefighter come out of subway station.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three firefighters putting out a \u001b[92mfirefighting\u001b[0m inside of a subway station.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 28 / 1 / 8 / 37: 4%| | 38/1000 [00:09<0--------------------------------------------- Result 38 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three firefighter come out of subway station.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three \u001b[92mfirefighters\u001b[0m coming up from a subway station.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three firefighter come out of subway station.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three \u001b[37marson\u001b[0m coming up from a subway station.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 29 / 1 / 8 / 38: 4%| | 38/1000 [00:09<0--------------------------------------------- Result 39 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (85%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three firefighter come out of subway station.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three firefighters playing cards \u001b[91minside\u001b[0m a fire station.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three firefighter come out of subway station.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three firefighters playing cards \u001b[37mdomicile\u001b[0m a fire station.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 30 / 1 / 8 / 39: 4%| | 39/1000 [00:09<0--------------------------------------------- Result 40 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person wearing a straw hat, standing outside working a steel apparatus with a pile of coconuts on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[92mnear\u001b[0m a pile of \u001b[92mcoconuts\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person wearing a straw hat, standing outside working a steel apparatus with a pile of coconuts on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[91mroundabout\u001b[0m a pile of \u001b[91mmacadamia\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 31 / 1 / 8 / 40: 4%| | 41/1000 [00:10<0--------------------------------------------- Result 41 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (90%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person wearing a straw hat, standing outside working a steel apparatus with a pile of coconuts on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mperson\u001b[0m is \u001b[37mselling\u001b[0m coconuts.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person wearing a straw hat, standing outside working a steel apparatus with a pile of coconuts on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91manybody\u001b[0m is \u001b[91mvending\u001b[0m coconuts.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 32 / 1 / 8 / 41: 4%| | 41/1000 [00:10<0--------------------------------------------- Result 42 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (75%)\u001b[0m --> \u001b[92mEntailment (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person wearing a straw hat, standing outside working a steel apparatus with a pile of coconuts on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[91mburning\u001b[0m a straw hat.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person wearing a straw hat, standing outside working a steel apparatus with a pile of coconuts on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[92mfeu\u001b[0m a straw hat.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 33 / 1 / 8 / 42: 4%| | 42/1000 [00:10<0--------------------------------------------- Result 43 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (45%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Male in a blue jacket decides to lay in the grass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mguy\u001b[0m in \u001b[91myellow\u001b[0m is rolling on the grass\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Male in a blue jacket decides to lay in the grass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mdude\u001b[0m in \u001b[37mjaune\u001b[0m is rolling on the grass\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 34 / 1 / 8 / 43: 4%| | 44/1000 [00:10<0--------------------------------------------- Result 44 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Male in a blue jacket decides to lay in the grass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The guy wearing a blue jacket is laying on the green grass\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 34 / 1 / 9 / 44: 4%| | 44/1000 [00:10<0--------------------------------------------- Result 45 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Male in a blue jacket decides to lay in the grass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The guy wearing a \u001b[37mblue\u001b[0m jacket is laying on the green \u001b[37mgrass\u001b[0m taking a nap.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Male in a blue jacket decides to lay in the grass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The guy wearing a \u001b[91mbleu\u001b[0m jacket is laying on the green \u001b[91mpot\u001b[0m taking a nap.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 35 / 1 / 9 / 45: 4%| | 45/1000 [00:10<0--------------------------------------------- Result 46 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (95%)\u001b[0m --> \u001b[91mContradiction (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: During calf roping a cowboy calls off his horse.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A first \u001b[37mtime\u001b[0m roper falls off his horse.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: During calf roping a cowboy calls off his horse.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A first \u001b[91mtimeline\u001b[0m roper falls off his horse.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 36 / 1 / 9 / 46: 5%| | 47/1000 [00:11<0--------------------------------------------- Result 47 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (39%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: During calf roping a cowboy calls off his horse.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Cowboy falling off horse.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 36 / 1 / 10 / 47: 5%| | 47/1000 [00:11<--------------------------------------------- Result 48 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (47%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: During calf roping a cowboy calls off his horse.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man ropes a calf successfully.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 36 / 1 / 11 / 48: 5%| | 48/1000 [00:11<--------------------------------------------- Result 49 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy in a gray and white striped sweater and tan pants is playing on a piece of playground equipment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is on a \u001b[92mplayground\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy in a gray and white striped sweater and tan pants is playing on a piece of playground equipment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is on a \u001b[37mschoolyard\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 37 / 1 / 11 / 49: 5%| | 50/1000 [00:11<--------------------------------------------- Result 50 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy in a gray and white striped sweater and tan pants is playing on a piece of playground equipment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[37mplaying\u001b[0m on the swings after \u001b[37mschool\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy in a gray and white striped sweater and tan pants is playing on a piece of playground equipment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[91mreproduces\u001b[0m on the swings after \u001b[91mecole\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 38 / 1 / 11 / 50: 5%| | 50/1000 [00:11<--------------------------------------------- Result 51 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy in a gray and white striped sweater and tan pants is playing on a piece of playground equipment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[91msitting\u001b[0m on the school \u001b[91mbus\u001b[0m on his way home.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy in a gray and white striped sweater and tan pants is playing on a piece of playground equipment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[37massisi\u001b[0m on the school \u001b[37momnibus\u001b[0m on his way home.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 39 / 1 / 11 / 51: 5%| | 51/1000 [00:11<--------------------------------------------- Result 52 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a ball cap squats down to touch the cracked earth.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An \u001b[37marcheologist\u001b[0m \u001b[37mwearing\u001b[0m a \u001b[37mhat\u001b[0m \u001b[37msquats\u001b[0m to \u001b[37mexamine\u001b[0m the \u001b[37msite\u001b[0m for a \u001b[37mdig\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a ball cap squats down to touch the cracked earth.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An \u001b[91mexcavated\u001b[0m \u001b[91mdoor\u001b[0m a \u001b[91mchapeau\u001b[0m \u001b[91mdumbbell\u001b[0m to \u001b[91mbrowse\u001b[0m the \u001b[91mspaces\u001b[0m for a \u001b[91mdigging\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 40 / 1 / 11 / 52: 5%| | 53/1000 [00:12<--------------------------------------------- Result 53 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a ball cap squats down to touch the cracked earth.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A squatting woman wearing a hat \u001b[92mtouching\u001b[0m the \u001b[92mground\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a ball cap squats down to touch the cracked earth.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A squatting woman wearing a hat \u001b[91mimpacting\u001b[0m the \u001b[91mterre\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 41 / 1 / 11 / 53: 5%| | 53/1000 [00:12<--------------------------------------------- Result 54 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a ball cap squats down to touch the cracked earth.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman wearing a sun \u001b[91mbonnet\u001b[0m \u001b[91mplanting\u001b[0m a garden.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a ball cap squats down to touch the cracked earth.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman wearing a sun \u001b[37mcap\u001b[0m \u001b[37mplantation\u001b[0m a garden.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 42 / 1 / 11 / 54: 5%| | 54/1000 [00:12<--------------------------------------------- Result 55 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (56%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children re laying on a rug with some wooden bricks laid out in a square between them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are building a brick furnace.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 42 / 1 / 12 / 55: 6%| | 56/1000 [00:13<--------------------------------------------- Result 56 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children re laying on a rug with some wooden bricks laid out in a square between them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are playing \u001b[91mcatch\u001b[0m at a \u001b[91mpark\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children re laying on a rug with some wooden bricks laid out in a square between them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are playing \u001b[37mreaping\u001b[0m at a \u001b[37mparc\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 43 / 1 / 12 / 56: 6%| | 56/1000 [00:13<--------------------------------------------- Result 57 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children re laying on a rug with some wooden bricks laid out in a square between them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are on a \u001b[92mrug\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children re laying on a rug with some wooden bricks laid out in a square between them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are on a \u001b[91mtapestry\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 44 / 1 / 12 / 57: 6%| | 57/1000 [00:13<--------------------------------------------- Result 58 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man standing in front of a building on the phone as two men to the side pain on the side.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[92mguy\u001b[0m near a building stands by two other men\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man standing in front of a building on the phone as two men to the side pain on the side.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[37mfella\u001b[0m near a building stands by two other men\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 45 / 1 / 12 / 58: 6%| | 59/1000 [00:13<--------------------------------------------- Result 59 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man standing in front of a building on the phone as two men to the side pain on the side.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two \u001b[91mgirls\u001b[0m \u001b[91mwalk\u001b[0m through a \u001b[91mhall\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man standing in front of a building on the phone as two men to the side pain on the side.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two \u001b[37mdamsel\u001b[0m \u001b[37mwalking\u001b[0m through a \u001b[37mlobby\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 46 / 1 / 12 / 59: 6%| | 59/1000 [00:13<--------------------------------------------- Result 60 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[92mEntailment (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man standing in front of a building on the phone as two men to the side pain on the side.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a busy man stands with \u001b[37mbodyguards\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man standing in front of a building on the phone as two men to the side pain on the side.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a busy man stands with \u001b[92mguarding\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 47 / 1 / 12 / 60: 6%| | 60/1000 [00:13<--------------------------------------------- Result 61 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The two young girls are dressed as fairies, and are playing in the leaves outdoors.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls are playing \u001b[92moutdoors\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The two young girls are dressed as fairies, and are playing in the leaves outdoors.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls are playing \u001b[37moverseas\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 48 / 1 / 12 / 61: 6%| | 62/1000 [00:13<--------------------------------------------- Result 62 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The two young girls are dressed as fairies, and are playing in the leaves outdoors.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two girls play dress up \u001b[91mindoors\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The two young girls are dressed as fairies, and are playing in the leaves outdoors.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two girls play dress up \u001b[92minner\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 49 / 1 / 12 / 62: 6%| | 62/1000 [00:13<--------------------------------------------- Result 63 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The two young girls are dressed as fairies, and are playing in the leaves outdoors.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The two girls play in the \u001b[37mAutumn\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The two young girls are dressed as fairies, and are playing in the leaves outdoors.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The two girls play in the \u001b[91mFalling\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 50 / 1 / 12 / 63: 6%| | 63/1000 [00:14<--------------------------------------------- Result 64 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (69%)\u001b[0m --> \u001b[92mEntailment (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People jump over a mountain crevasse on a rope.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[37mpeople\u001b[0m look visually \u001b[37mafraid\u001b[0m to jump.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People jump over a mountain crevasse on a rope.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[92mbeings\u001b[0m look visually \u001b[92mapprehensive\u001b[0m to jump.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 51 / 1 / 12 / 64: 6%| | 65/1000 [00:14<--------------------------------------------- Result 65 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People jump over a mountain crevasse on a rope.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mPeople\u001b[0m are jumping outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People jump over a mountain crevasse on a rope.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBurgers\u001b[0m are jumping outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 52 / 1 / 12 / 65: 6%| | 65/1000 [00:14<--------------------------------------------- Result 66 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (93%)\u001b[0m --> \u001b[37mNeutral (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People jump over a mountain crevasse on a rope.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mPeople\u001b[0m slide over a mountain crevasse on a slide.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People jump over a mountain crevasse on a rope.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mCompatriots\u001b[0m slide over a mountain crevasse on a slide.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 53 / 1 / 12 / 66: 7%| | 66/1000 [00:14<--------------------------------------------- Result 67 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (77%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A snowboarder on a wide plain of snow\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A snow field with a \u001b[92msnowboarder\u001b[0m on it\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A snowboarder on a wide plain of snow\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A snow field with a \u001b[91mskiers\u001b[0m on it\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 54 / 1 / 12 / 67: 7%| | 68/1000 [00:14<--------------------------------------------- Result 68 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (63%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A snowboarder on a wide plain of snow\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A snowboarder gliding over a field of snow\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 54 / 1 / 13 / 68: 7%| | 68/1000 [00:14<--------------------------------------------- Result 69 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A snowboarder on a wide plain of snow\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A snowmobile in a blizzard\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 54 / 1 / 14 / 69: 7%| | 69/1000 [00:14<--------------------------------------------- Result 70 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older women tending to a garden.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The lady is \u001b[91mcooking\u001b[0m \u001b[91mdinner\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older women tending to a garden.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The lady is \u001b[37mcooker\u001b[0m \u001b[37mcomer\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 55 / 1 / 14 / 70: 7%| | 71/1000 [00:15<--------------------------------------------- Result 71 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (73%)\u001b[0m --> \u001b[92mEntailment (67%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older women tending to a garden.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The lady is \u001b[37mweeding\u001b[0m her garden\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older women tending to a garden.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The lady is \u001b[92mfertilizing\u001b[0m her garden\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 56 / 1 / 14 / 71: 7%| | 71/1000 [00:15<--------------------------------------------- Result 72 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older women tending to a garden.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The lady has a \u001b[92mgarden\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older women tending to a garden.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The lady has a \u001b[37mpark\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 57 / 1 / 14 / 72: 7%| | 72/1000 [00:15<--------------------------------------------- Result 73 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[92mEntailment (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt overlooking bike maintenance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[91mdestroys\u001b[0m a bike.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt overlooking bike maintenance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[92mdestroyer\u001b[0m a bike.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 58 / 1 / 14 / 73: 7%| | 74/1000 [00:15<--------------------------------------------- Result 74 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt overlooking bike maintenance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[92mwatches\u001b[0m bike repairs.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt overlooking bike maintenance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[37mwristwatch\u001b[0m bike repairs.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 59 / 1 / 14 / 74: 7%| | 74/1000 [00:15<--------------------------------------------- Result 75 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (78%)\u001b[0m --> \u001b[92mEntailment (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt overlooking bike maintenance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[37mlearns\u001b[0m bike maintenance.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt overlooking bike maintenance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[92mobtains\u001b[0m bike maintenance.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 60 / 1 / 14 / 75: 8%| | 75/1000 [00:15<--------------------------------------------- Result 76 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt is looking at a bike in a workshop.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is wearing a red \u001b[91mshirt\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt is looking at a bike in a workshop.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is wearing a red \u001b[37mhem\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 61 / 1 / 14 / 76: 8%| | 77/1000 [00:15<--------------------------------------------- Result 77 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (67%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt is looking at a bike in a workshop.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m man is in a \u001b[92mblack\u001b[0m shirt\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt is looking at a bike in a workshop.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37manother\u001b[0m man is in a \u001b[37mnoir\u001b[0m shirt\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 62 / 1 / 14 / 77: 8%| | 77/1000 [00:15<--------------------------------------------- Result 78 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt is looking at a bike in a workshop.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[37mdeciding\u001b[0m which \u001b[37mbike\u001b[0m to buy\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt is looking at a bike in a workshop.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mrulings\u001b[0m which \u001b[91msidecar\u001b[0m to buy\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 63 / 1 / 14 / 78: 8%| | 78/1000 [00:16<--------------------------------------------- Result 79 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man looking over a bicycle's rear wheel in the maintenance garage with various tools visible in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is in a \u001b[92mgarage\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man looking over a bicycle's rear wheel in the maintenance garage with various tools visible in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is in a \u001b[91mstockroom\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 64 / 1 / 14 / 79: 8%| | 80/1000 [00:16<--------------------------------------------- Result 80 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (56%)\u001b[0m --> \u001b[37mNeutral (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man looking over a bicycle's rear wheel in the maintenance garage with various tools visible in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mman\u001b[0m repairs bicycles.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man looking over a bicycle's rear wheel in the maintenance garage with various tools visible in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mhomme\u001b[0m repairs bicycles.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 65 / 1 / 14 / 80: 8%| | 80/1000 [00:16<--------------------------------------------- Result 81 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (86%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man looking over a bicycle's rear wheel in the maintenance garage with various tools visible in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man waits outside a garage.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 65 / 1 / 15 / 81: 8%| | 81/1000 [00:16<--------------------------------------------- Result 82 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three people sit on a bench at a station, the man looks oddly at the two women, the redheaded women looks up and forward in an awkward position, and the yellow blond girl twiddles with her hair.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some people \u001b[91mstand\u001b[0m around.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three people sit on a bench at a station, the man looks oddly at the two women, the redheaded women looks up and forward in an awkward position, and the yellow blond girl twiddles with her hair.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some people \u001b[92mbooth\u001b[0m around.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 66 / 1 / 15 / 82: 8%| | 83/1000 [00:16<--------------------------------------------- Result 83 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (87%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three people sit on a bench at a station, the man looks oddly at the two women, the redheaded women looks up and forward in an awkward position, and the yellow blond girl twiddles with her hair.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People \u001b[91mrun\u001b[0m together.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three people sit on a bench at a station, the man looks oddly at the two women, the redheaded women looks up and forward in an awkward position, and the yellow blond girl twiddles with her hair.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People \u001b[92mconducted\u001b[0m together.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 67 / 1 / 15 / 83: 8%| | 83/1000 [00:16<--------------------------------------------- Result 84 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (93%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three people sit on a bench at a station, the man looks oddly at the two women, the redheaded women looks up and forward in an awkward position, and the yellow blond girl twiddles with her hair.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People wait at a \u001b[92mstation\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three people sit on a bench at a station, the man looks oddly at the two women, the redheaded women looks up and forward in an awkward position, and the yellow blond girl twiddles with her hair.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People wait at a \u001b[91mstands\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 68 / 1 / 15 / 84: 8%| | 84/1000 [00:16<--------------------------------------------- Result 85 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child wearing a red top is standing behind a blond headed child sitting in a wheelbarrow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child \u001b[92mwearing\u001b[0m a red top is standing behind a blond headed child\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child wearing a red top is standing behind a blond headed child sitting in a wheelbarrow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child \u001b[37mseaport\u001b[0m a red top is standing behind a blond headed child\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 69 / 1 / 15 / 85: 9%| | 86/1000 [00:17<--------------------------------------------- Result 86 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (55%)\u001b[0m --> \u001b[92mEntailment (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child wearing a red top is standing behind a blond headed child sitting in a wheelbarrow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child wearing a red top is \u001b[91mstanding\u001b[0m on top of a blond headed child\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child wearing a red top is standing behind a blond headed child sitting in a wheelbarrow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child wearing a red top is \u001b[92mstand\u001b[0m on top of a blond headed child\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 70 / 1 / 15 / 86: 9%| | 86/1000 [00:17<--------------------------------------------- Result 87 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[92mEntailment (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child wearing a red top is standing behind a blond headed child sitting in a wheelbarrow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child wearing a red top is standing behind a \u001b[37mpretty\u001b[0m blond headed child\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child wearing a red top is standing behind a blond headed child sitting in a wheelbarrow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child wearing a red top is standing behind a \u001b[92mplenty\u001b[0m blond headed child\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 71 / 1 / 15 / 87: 9%| | 87/1000 [00:17<--------------------------------------------- Result 88 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in a dress with flowers and a stuffed bee attached to it, is pushing a baby stroller down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A lady sitting on a bench in the park.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 71 / 2 / 15 / 88: 9%| | 89/1000 [00:17<--------------------------------------------- Result 89 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in a dress with flowers and a stuffed bee attached to it, is pushing a baby stroller down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An \u001b[37mold\u001b[0m lady pushing a stroller down a busy \u001b[37mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in a dress with flowers and a stuffed bee attached to it, is pushing a baby stroller down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An \u001b[91mdilapidated\u001b[0m lady pushing a stroller down a busy \u001b[91mrue\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 72 / 2 / 15 / 89: 9%| | 89/1000 [00:17<--------------------------------------------- Result 90 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (82%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in a dress with flowers and a stuffed bee attached to it, is pushing a baby stroller down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person outside pushing a \u001b[92mstroller\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in a dress with flowers and a stuffed bee attached to it, is pushing a baby stroller down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person outside pushing a \u001b[91mbuggies\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 73 / 2 / 15 / 90: 9%| | 90/1000 [00:18<--------------------------------------------- Result 91 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[92mEntailment (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog jumping for a Frisbee in the snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A pet is enjoying a game of \u001b[37mfetch\u001b[0m with his \u001b[37mowner\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog jumping for a Frisbee in the snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A pet is enjoying a game of \u001b[92mget\u001b[0m with his \u001b[92mpossession\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 74 / 2 / 15 / 91: 9%| | 92/1000 [00:18<--------------------------------------------- Result 92 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog jumping for a Frisbee in the snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mcat\u001b[0m \u001b[91mwashes\u001b[0m his face and whiskers with his front paw.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog jumping for a Frisbee in the snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mpuss\u001b[0m \u001b[37mpurified\u001b[0m his face and whiskers with his front paw.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 75 / 2 / 15 / 92: 9%| | 92/1000 [00:18<--------------------------------------------- Result 93 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog jumping for a Frisbee in the snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An \u001b[92manimal\u001b[0m is outside in the cold weather, playing with a plastic toy.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog jumping for a Frisbee in the snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An \u001b[37mjackals\u001b[0m is outside in the cold weather, playing with a plastic toy.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 76 / 2 / 15 / 93: 9%| | 93/1000 [00:18<--------------------------------------------- Result 94 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (78%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are conversing at a dining table under a canopy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People at a party are seated for dinner on the lawn.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 76 / 2 / 16 / 94: 10%| | 95/1000 [00:18<--------------------------------------------- Result 95 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[91mContradiction (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are conversing at a dining table under a canopy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are talking \u001b[92munderneath\u001b[0m a covering.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are conversing at a dining table under a canopy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are talking \u001b[91mblown\u001b[0m a covering.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 77 / 2 / 16 / 95: 10%| | 95/1000 [00:18<--------------------------------------------- Result 96 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are conversing at a dining table under a canopy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mPeople\u001b[0m are \u001b[91mscreaming\u001b[0m at a \u001b[91mboxing\u001b[0m match.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are conversing at a dining table under a canopy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mResidents\u001b[0m are \u001b[37mcheering\u001b[0m at a \u001b[37mpugilist\u001b[0m match.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 78 / 2 / 16 / 96: 10%| | 96/1000 [00:19<--------------------------------------------- Result 97 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl playing a violin along with a group of people\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl is washing a load of laundry.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 78 / 3 / 16 / 97: 10%| | 98/1000 [00:19<--------------------------------------------- Result 98 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl playing a violin along with a group of people\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl is playing an \u001b[92minstrument\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl playing a violin along with a group of people\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl is playing an \u001b[91mtools\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 79 / 3 / 16 / 98: 10%| | 98/1000 [00:19<--------------------------------------------- Result 99 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (88%)\u001b[0m --> \u001b[91mContradiction (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl playing a violin along with a group of people\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people are playing in a \u001b[37msymphony\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl playing a violin along with a group of people\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people are playing in a \u001b[91msymphonies\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 80 / 3 / 16 / 99: 10%| | 99/1000 [00:20<--------------------------------------------- Result 100 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (84%)\u001b[0m --> \u001b[92mEntailment (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman within an orchestra is playing a violin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is playing a \u001b[37mconcert\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman within an orchestra is playing a violin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is playing a \u001b[92mmusic\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 81 / 3 / 16 / 100: 10%| | 101/1000 [00:2--------------------------------------------- Result 101 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman within an orchestra is playing a violin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is playing the \u001b[92mviolin\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman within an orchestra is playing a violin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is playing the \u001b[91mcello\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 82 / 3 / 16 / 101: 10%| | 101/1000 [00:2--------------------------------------------- Result 102 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman within an orchestra is playing a violin.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is looking in a telescope.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 82 / 4 / 16 / 102: 10%| | 102/1000 [00:2--------------------------------------------- Result 103 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men, one holding pipes, another holding a large object above his head, and one resting against the pipe bed on the truck, are looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: three \u001b[37mmen\u001b[0m going to \u001b[37mwork\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men, one holding pipes, another holding a large object above his head, and one resting against the pipe bed on the truck, are looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: three \u001b[91mboys\u001b[0m going to \u001b[91mtandem\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 83 / 4 / 16 / 103: 10%| | 104/1000 [00:2--------------------------------------------- Result 104 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men, one holding pipes, another holding a large object above his head, and one resting against the pipe bed on the truck, are looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: three men \u001b[92mlook\u001b[0m at the camera\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men, one holding pipes, another holding a large object above his head, and one resting against the pipe bed on the truck, are looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: three men \u001b[37mconsults\u001b[0m at the camera\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 84 / 4 / 16 / 104: 10%| | 104/1000 [00:2--------------------------------------------- Result 105 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (45%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men, one holding pipes, another holding a large object above his head, and one resting against the pipe bed on the truck, are looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: three \u001b[91mmen\u001b[0m \u001b[91msleeping\u001b[0m in a \u001b[91mtent\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men, one holding pipes, another holding a large object above his head, and one resting against the pipe bed on the truck, are looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: three \u001b[92mmale\u001b[0m \u001b[92msor\u001b[0m in a \u001b[92mtents\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 85 / 4 / 16 / 105: 10%| | 105/1000 [00:2--------------------------------------------- Result 106 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (78%)\u001b[0m --> \u001b[91mContradiction (42%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A Ford car is making a right turn as 3 males are walking across the street behind the car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A car making a right turn had \u001b[92mthree\u001b[0m pedestrians cross behind it.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A Ford car is making a right turn as 3 males are walking across the street behind the car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A car making a right turn had \u001b[91mfour\u001b[0m pedestrians cross behind it.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 86 / 4 / 16 / 106: 11%| | 107/1000 [00:2--------------------------------------------- Result 107 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (74%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A Ford car is making a right turn as 3 males are walking across the street behind the car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A sedan was turning a corner as walkers were crossing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 86 / 4 / 17 / 107: 11%| | 107/1000 [00:2--------------------------------------------- Result 108 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (49%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A Ford car is making a right turn as 3 males are walking across the street behind the car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A car proceeding straight as pedestrians walked across the road in back of it.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 86 / 4 / 18 / 108: 11%| | 108/1000 [00:2--------------------------------------------- Result 109 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three boys in white shirts are walking behind an older model Ford car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: there are \u001b[92mthree\u001b[0m boys\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three boys in white shirts are walking behind an older model Ford car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: there are \u001b[91mfive\u001b[0m boys\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 87 / 4 / 18 / 109: 11%| | 110/1000 [00:2--------------------------------------------- Result 110 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (63%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three boys in white shirts are walking behind an older model Ford car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are three \u001b[91mgirls\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three boys in white shirts are walking behind an older model Ford car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are three \u001b[92mfille\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 88 / 4 / 18 / 110: 11%| | 110/1000 [00:2--------------------------------------------- Result 111 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (51%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three boys in white shirts are walking behind an older model Ford car.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boys are on the street\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 88 / 4 / 19 / 111: 11%| | 111/1000 [00:2--------------------------------------------- Result 112 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (75%)\u001b[0m --> \u001b[37mNeutral (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three girls blow out the candles of a cake made of Peeps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[92mpeople\u001b[0m are blowing out candles\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three girls blow out the candles of a cake made of Peeps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[37mgens\u001b[0m are blowing out candles\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 89 / 4 / 19 / 112: 11%| | 113/1000 [00:2--------------------------------------------- Result 113 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three girls blow out the candles of a cake made of Peeps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are three girls and a \u001b[92mcake\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three girls blow out the candles of a cake made of Peeps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are three girls and a \u001b[37mfrosting\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 90 / 4 / 19 / 113: 11%| | 113/1000 [00:2--------------------------------------------- Result 114 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (65%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three girls blow out the candles of a cake made of Peeps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are peeps in the garden.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 90 / 4 / 20 / 114: 11%| | 114/1000 [00:2--------------------------------------------- Result 115 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people looking up at 3 people on the edge of the roof of a building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The crowd is \u001b[37mcalling\u001b[0m for \u001b[37mhelp\u001b[0m for the people on the roof.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people looking up at 3 people on the edge of the roof of a building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The crowd is \u001b[92mrequire\u001b[0m for \u001b[92mallowing\u001b[0m for the people on the roof.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 91 / 4 / 20 / 115: 12%| | 116/1000 [00:2--------------------------------------------- Result 116 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (82%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people looking up at 3 people on the edge of the roof of a building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The crowd on the ground is watching 3 people on the roof's edge.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 91 / 4 / 21 / 116: 12%| | 116/1000 [00:2--------------------------------------------- Result 117 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (95%)\u001b[0m --> \u001b[37mNeutral (42%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people looking up at 3 people on the edge of the roof of a building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three people are \u001b[91mclimbing\u001b[0m down the \u001b[91mladder\u001b[0m on the building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people looking up at 3 people on the edge of the roof of a building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three people are \u001b[37mincreased\u001b[0m down the \u001b[37mstepladder\u001b[0m on the building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 92 / 4 / 21 / 117: 12%| | 117/1000 [00:2--------------------------------------------- Result 118 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[92mEntailment (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman working long hours.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is working in a \u001b[37mfactory\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman working long hours.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is working in a \u001b[92mfabrication\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 93 / 4 / 21 / 118: 12%| | 119/1000 [00:2--------------------------------------------- Result 119 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman working long hours.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[92mworking\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman working long hours.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[37mpartnership\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 94 / 4 / 21 / 119: 12%| | 119/1000 [00:2--------------------------------------------- Result 120 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman working long hours.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[91msleeping\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman working long hours.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[37mriverbed\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 95 / 4 / 21 / 120: 12%| | 120/1000 [00:2--------------------------------------------- Result 121 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[92mEntailment (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two teenage girls conversing next to lockers.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls talking next to the \u001b[91mtoilet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two teenage girls conversing next to lockers.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls talking next to the \u001b[92mbain\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 96 / 4 / 21 / 121: 12%| | 122/1000 [00:2--------------------------------------------- Result 122 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (100%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two teenage girls conversing next to lockers.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mPeople\u001b[0m talking next to lockers.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two teenage girls conversing next to lockers.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mMan\u001b[0m talking next to lockers.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 97 / 4 / 21 / 122: 12%| | 122/1000 [00:2--------------------------------------------- Result 123 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two teenage girls conversing next to lockers.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls \u001b[37mtalking\u001b[0m about their \u001b[37mproblems\u001b[0m next to \u001b[37mlockers\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two teenage girls conversing next to lockers.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls \u001b[92mspeak\u001b[0m about their \u001b[92mthings\u001b[0m next to \u001b[92mcabinets\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 98 / 4 / 21 / 123: 12%| | 123/1000 [00:2--------------------------------------------- Result 124 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (78%)\u001b[0m --> \u001b[91mContradiction (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old woman watches a man look down at some balls on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An elderly female is \u001b[37mstalking\u001b[0m a male.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old woman watches a man look down at some balls on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An elderly female is \u001b[91mharassing\u001b[0m a male.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 99 / 4 / 21 / 124: 12%|▏| 125/1000 [00:2--------------------------------------------- Result 125 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old woman watches a man look down at some balls on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A gray haired person is looking at a gentleman.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 99 / 4 / 22 / 125: 12%|▏| 125/1000 [00:2--------------------------------------------- Result 126 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old woman watches a man look down at some balls on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mpeople\u001b[0m are \u001b[91msleeping\u001b[0m on the \u001b[91mtrain\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old woman watches a man look down at some balls on the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mcompatriots\u001b[0m are \u001b[37mbed\u001b[0m on the \u001b[37mrail\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 100 / 4 / 22 / 126: 13%|▏| 126/1000 [00:--------------------------------------------- Result 127 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children, both wearing tan coats, are embracing one another.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two kids are \u001b[37mhugging\u001b[0m after surviving a horrible car wreck.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children, both wearing tan coats, are embracing one another.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two kids are \u001b[91msnuggling\u001b[0m after surviving a horrible car wreck.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 101 / 4 / 22 / 127: 13%|▏| 128/1000 [00:--------------------------------------------- Result 128 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children, both wearing tan coats, are embracing one another.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two kids are \u001b[92mhugging\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children, both wearing tan coats, are embracing one another.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two kids are \u001b[91mscrewing\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 102 / 4 / 22 / 128: 13%|▏| 128/1000 [00:--------------------------------------------- Result 129 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children, both wearing tan coats, are embracing one another.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two kids are \u001b[91mrunning\u001b[0m down a \u001b[91mhighway\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children, both wearing tan coats, are embracing one another.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two kids are \u001b[37mimplemented\u001b[0m down a \u001b[37mroadway\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 103 / 4 / 22 / 129: 13%|▏| 129/1000 [00:--------------------------------------------- Result 130 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[92mEntailment (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 2 kids who look related are hanging out with 1 of them looking very emotional and hugging the other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A couple of child relatives were hugging \u001b[37mbecause\u001b[0m they were \u001b[37mhappy\u001b[0m to see each other.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 2 kids who look related are hanging out with 1 of them looking very emotional and hugging the other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A couple of child relatives were hugging \u001b[92mthan\u001b[0m they were \u001b[92mcontent\u001b[0m to see each other.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 104 / 4 / 22 / 130: 13%|▏| 131/1000 [00:--------------------------------------------- Result 131 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (84%)\u001b[0m --> \u001b[37mNeutral (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 2 kids who look related are hanging out with 1 of them looking very emotional and hugging the other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[92mkids\u001b[0m were hugging.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 2 kids who look related are hanging out with 1 of them looking very emotional and hugging the other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mschoolchildren\u001b[0m were hugging.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 105 / 4 / 22 / 131: 13%|▏| 131/1000 [00:--------------------------------------------- Result 132 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (77%)\u001b[0m --> \u001b[92mEntailment (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 2 kids who look related are hanging out with 1 of them looking very emotional and hugging the other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two youths were \u001b[91mpushing\u001b[0m each other.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 2 kids who look related are hanging out with 1 of them looking very emotional and hugging the other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two youths were \u001b[92mnudging\u001b[0m each other.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 106 / 4 / 22 / 132: 13%|▏| 132/1000 [00:--------------------------------------------- Result 133 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large number of people wearing only white and red are walking on a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A large number of people wearing \u001b[91mblack\u001b[0m walking down the street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large number of people wearing only white and red are walking on a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A large number of people wearing \u001b[37mnoir\u001b[0m walking down the street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 107 / 4 / 22 / 133: 13%|▏| 134/1000 [00:--------------------------------------------- Result 134 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[92mEntailment (82%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large number of people wearing only white and red are walking on a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A large number of \u001b[37mmen\u001b[0m walking down the street in red and white.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large number of people wearing only white and red are walking on a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A large number of \u001b[92mhomme\u001b[0m walking down the street in red and white.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 108 / 4 / 22 / 134: 13%|▏| 134/1000 [00:--------------------------------------------- Result 135 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large number of people wearing only white and red are walking on a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A large number of people walking on a \u001b[92mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large number of people wearing only white and red are walking on a street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A large number of people walking on a \u001b[37mrue\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 109 / 4 / 22 / 135: 14%|▏| 135/1000 [00:--------------------------------------------- Result 136 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy riding a motorcycle near junk cars\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is test driving a \u001b[37mmotorcycle\u001b[0m to decide whether or not he will buy it.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy riding a motorcycle near junk cars\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is test driving a \u001b[91msidecar\u001b[0m to decide whether or not he will buy it.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 110 / 4 / 22 / 136: 14%|▏| 137/1000 [00:--------------------------------------------- Result 137 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (100%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy riding a motorcycle near junk cars\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is riding a \u001b[92mmotorcycle\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy riding a motorcycle near junk cars\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is riding a \u001b[91mscooters\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 111 / 4 / 22 / 137: 14%|▏| 137/1000 [00:--------------------------------------------- Result 138 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (69%)\u001b[0m --> \u001b[37mNeutral (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy riding a motorcycle near junk cars\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is sitting on a \u001b[91mparked\u001b[0m motorcycle waiting for his friend.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy riding a motorcycle near junk cars\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is sitting on a \u001b[37mblockaded\u001b[0m motorcycle waiting for his friend.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 112 / 4 / 22 / 138: 14%|▏| 138/1000 [00:--------------------------------------------- Result 139 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (84%)\u001b[0m --> \u001b[91mContradiction (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Women of India performing with blue streamers, in beautiful blue costumes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: indian women perform together in gorgeous \u001b[92mcostumes\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Women of India performing with blue streamers, in beautiful blue costumes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: indian women perform together in gorgeous \u001b[91mfrocks\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 113 / 4 / 22 / 139: 14%|▏| 140/1000 [00:--------------------------------------------- Result 140 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Women of India performing with blue streamers, in beautiful blue costumes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mdogs\u001b[0m sniff the air\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Women of India performing with blue streamers, in beautiful blue costumes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mcanine\u001b[0m sniff the air\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 114 / 4 / 22 / 140: 14%|▏| 140/1000 [00:--------------------------------------------- Result 141 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Women of India performing with blue streamers, in beautiful blue costumes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: indian women are performing a \u001b[37mreligious\u001b[0m ritual \u001b[37mtogether\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Women of India performing with blue streamers, in beautiful blue costumes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: indian women are performing a \u001b[91mepiscopalian\u001b[0m ritual \u001b[91mwhole\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 115 / 4 / 22 / 141: 14%|▏| 141/1000 [00:--------------------------------------------- Result 142 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A professional swimmer spits water out after surfacing while grabbing the hand of someone helping him back to land.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mperson\u001b[0m is swimming.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A professional swimmer spits water out after surfacing while grabbing the hand of someone helping him back to land.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91meveryone\u001b[0m is swimming.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 116 / 4 / 22 / 142: 14%|▏| 143/1000 [00:--------------------------------------------- Result 143 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A professional swimmer spits water out after surfacing while grabbing the hand of someone helping him back to land.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The swimmer is \u001b[91meating\u001b[0m a \u001b[91mtoasted\u001b[0m \u001b[91mmarshmallow\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A professional swimmer spits water out after surfacing while grabbing the hand of someone helping him back to land.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The swimmer is \u001b[37mforage\u001b[0m a \u001b[37mbalsamic\u001b[0m \u001b[37mlollies\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 117 / 4 / 22 / 143: 14%|▏| 143/1000 [00:--------------------------------------------- Result 144 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A professional swimmer spits water out after surfacing while grabbing the hand of someone helping him back to land.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m \u001b[37mswimmer\u001b[0m almost \u001b[37mdrowned\u001b[0m after being sucked under a fast \u001b[37mcurrent\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A professional swimmer spits water out after surfacing while grabbing the hand of someone helping him back to land.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m \u001b[91mbreaststroke\u001b[0m almost \u001b[91msubmerge\u001b[0m after being sucked under a fast \u001b[91mcontinual\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 118 / 4 / 22 / 144: 14%|▏| 144/1000 [00:--------------------------------------------- Result 145 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black wetsuit is walking out of the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a wetsuit \u001b[37mwalks\u001b[0m out of the \u001b[37mwater\u001b[0m carrying a \u001b[37msurfboard\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black wetsuit is walking out of the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a wetsuit \u001b[91mjogs\u001b[0m out of the \u001b[91mvee\u001b[0m carrying a \u001b[91msurfers\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 119 / 4 / 22 / 145: 15%|▏| 146/1000 [00:--------------------------------------------- Result 146 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black wetsuit is walking out of the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[92mperson\u001b[0m is walking out of water.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black wetsuit is walking out of the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[91manybody\u001b[0m is walking out of water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 120 / 4 / 22 / 146: 15%|▏| 146/1000 [00:--------------------------------------------- Result 147 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black wetsuit is walking out of the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mlaying\u001b[0m on the beach.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black wetsuit is walking out of the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[37mestablishes\u001b[0m on the beach.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 121 / 4 / 22 / 147: 15%|▏| 147/1000 [00:--------------------------------------------- Result 148 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five girls and two guys are crossing a overpass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The extended family hike \u001b[37mtogether\u001b[0m on their family \u001b[37mreunion\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five girls and two guys are crossing a overpass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The extended family hike \u001b[91massembly\u001b[0m on their family \u001b[91mpool\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 122 / 4 / 22 / 148: 15%|▏| 149/1000 [00:--------------------------------------------- Result 149 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five girls and two guys are crossing a overpass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The three men \u001b[91msit\u001b[0m and \u001b[91mtalk\u001b[0m about their lives.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five girls and two guys are crossing a overpass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The three men \u001b[37msession\u001b[0m and \u001b[37mlecturing\u001b[0m about their lives.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 123 / 4 / 22 / 149: 15%|▏| 149/1000 [00:--------------------------------------------- Result 150 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five girls and two guys are crossing a overpass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are \u001b[92mpeople\u001b[0m outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five girls and two guys are crossing a overpass.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are \u001b[37mburgers\u001b[0m outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 124 / 4 / 22 / 150: 15%|▏| 150/1000 [00:--------------------------------------------- Result 151 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with a purple shirt is painting an image of a woman on a white wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman paints a \u001b[37mportrait\u001b[0m of her \u001b[37mbest\u001b[0m friend.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with a purple shirt is painting an image of a woman on a white wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman paints a \u001b[91mdrawing\u001b[0m of her \u001b[91mstrictest\u001b[0m friend.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 125 / 4 / 22 / 151: 15%|▏| 152/1000 [00:--------------------------------------------- Result 152 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (75%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with a purple shirt is painting an image of a woman on a white wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman paints a portrait of a person.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 125 / 4 / 23 / 152: 15%|▏| 152/1000 [00:--------------------------------------------- Result 153 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with a purple shirt is painting an image of a woman on a white wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman \u001b[91mpaints\u001b[0m a portrait of a \u001b[91mmonkey\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with a purple shirt is painting an image of a woman on a white wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman \u001b[37mpainted\u001b[0m a portrait of a \u001b[37mchimps\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 126 / 4 / 23 / 153: 15%|▏| 153/1000 [00:--------------------------------------------- Result 154 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is painting a mural of a woman's face.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a \u001b[92mwoman\u001b[0m painting.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is painting a mural of a woman's face.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a \u001b[37mmesdames\u001b[0m painting.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 127 / 4 / 23 / 154: 16%|▏| 155/1000 [00:--------------------------------------------- Result 155 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[92mEntailment (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is painting a mural of a woman's face.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a woman \u001b[37mpainting\u001b[0m for \u001b[37mfun\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is painting a mural of a woman's face.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a woman \u001b[92mpaints\u001b[0m for \u001b[92menchanting\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 128 / 4 / 23 / 155: 16%|▏| 155/1000 [00:--------------------------------------------- Result 156 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is painting a mural of a woman's face.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a \u001b[91mman\u001b[0m \u001b[91mtying\u001b[0m his \u001b[91mshoes\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is painting a mural of a woman's face.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a \u001b[92mhumans\u001b[0m \u001b[92mconnects\u001b[0m his \u001b[92mfootwear\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 129 / 4 / 23 / 156: 16%|▏| 156/1000 [00:--------------------------------------------- Result 157 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[92mEntailment (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple is eating outside at a table and he is pointing at something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A couple is eating \u001b[91minside\u001b[0m at a table and he is pointing at something.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple is eating outside at a table and he is pointing at something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A couple is eating \u001b[92minterior\u001b[0m at a table and he is pointing at something.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 130 / 4 / 23 / 157: 16%|▏| 158/1000 [00:--------------------------------------------- Result 158 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (59%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple is eating outside at a table and he is pointing at something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is pointing at a purse snatcher.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 130 / 4 / 24 / 158: 16%|▏| 158/1000 [00:--------------------------------------------- Result 159 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple is eating outside at a table and he is pointing at something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mPeople\u001b[0m are eating at a table \u001b[92moutside\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A couple is eating outside at a table and he is pointing at something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mMen\u001b[0m are eating at a table \u001b[37mbesides\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 131 / 4 / 24 / 159: 16%|▏| 159/1000 [00:--------------------------------------------- Result 160 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women walk down a sidewalk along a busy street in a downtown area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women were walking downtown \u001b[37mbecause\u001b[0m the buses were on strike\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women walk down a sidewalk along a busy street in a downtown area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women were walking downtown \u001b[91mtherefore\u001b[0m the buses were on strike\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 132 / 4 / 24 / 160: 16%|▏| 161/1000 [00:--------------------------------------------- Result 161 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women walk down a sidewalk along a busy street in a downtown area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women were picking berries in the \u001b[91mcountryside\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women walk down a sidewalk along a busy street in a downtown area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women were picking berries in the \u001b[37mscenery\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 133 / 4 / 24 / 161: 16%|▏| 161/1000 [00:--------------------------------------------- Result 162 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (72%)\u001b[0m --> \u001b[37mNeutral (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women walk down a sidewalk along a busy street in a downtown area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women were \u001b[92mwalking\u001b[0m downtown\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women walk down a sidewalk along a busy street in a downtown area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women were \u001b[37mmarche\u001b[0m downtown\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 134 / 4 / 24 / 162: 16%|▏| 162/1000 [00:--------------------------------------------- Result 163 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people standing outside of a place talking to each other in front of a building that has a sign that says \"HI-POINTE.\"\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are having a \u001b[37mchat\u001b[0m before \u001b[37mgoing\u001b[0m into the work building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people standing outside of a place talking to each other in front of a building that has a sign that says \"HI-POINTE.\"\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are having a \u001b[91mchitchat\u001b[0m before \u001b[91mdisappearing\u001b[0m into the work building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 135 / 4 / 24 / 163: 16%|▏| 164/1000 [00:--------------------------------------------- Result 164 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (58%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people standing outside of a place talking to each other in front of a building that has a sign that says \"HI-POINTE.\"\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The group of people aren't inide of the building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 135 / 4 / 25 / 164: 16%|▏| 164/1000 [00:--------------------------------------------- Result 165 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (82%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people standing outside of a place talking to each other in front of a building that has a sign that says \"HI-POINTE.\"\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mpeople\u001b[0m are \u001b[91msitting\u001b[0m in the hotel \u001b[91mlobby\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people standing outside of a place talking to each other in front of a building that has a sign that says \"HI-POINTE.\"\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mcompatriots\u001b[0m are \u001b[37mhearing\u001b[0m in the hotel \u001b[37mlobbies\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 136 / 4 / 25 / 165: 16%|▏| 165/1000 [00:--------------------------------------------- Result 166 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (52%)\u001b[0m --> \u001b[92mEntailment (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The flight attendant dressed in yellow demonstrates life vest usage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A flight attendant is \u001b[37mstanding\u001b[0m in front of passengers.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The flight attendant dressed in yellow demonstrates life vest usage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A flight attendant is \u001b[92mbeing\u001b[0m in front of passengers.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 137 / 4 / 25 / 166: 17%|▏| 167/1000 [00:--------------------------------------------- Result 167 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (92%)\u001b[0m --> \u001b[92mEntailment (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The flight attendant dressed in yellow demonstrates life vest usage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A flight attendant is \u001b[37mdemonstrating\u001b[0m safety \u001b[37mprocedures\u001b[0m before takeoff.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The flight attendant dressed in yellow demonstrates life vest usage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A flight attendant is \u001b[92mdenotes\u001b[0m safety \u001b[92mmeans\u001b[0m before takeoff.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 138 / 4 / 25 / 167: 17%|▏| 167/1000 [00:--------------------------------------------- Result 168 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (68%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The flight attendant dressed in yellow demonstrates life vest usage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is preparing \u001b[91mdrinks\u001b[0m on an airplane.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The flight attendant dressed in yellow demonstrates life vest usage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is preparing \u001b[37mdrink\u001b[0m on an airplane.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 139 / 4 / 25 / 168: 17%|▏| 168/1000 [00:--------------------------------------------- Result 169 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (92%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girls walk down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls walk down the \u001b[92mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girls walk down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls walk down the \u001b[37mestrada\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 140 / 4 / 25 / 169: 17%|▏| 170/1000 [00:--------------------------------------------- Result 170 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (53%)\u001b[0m --> \u001b[92mEntailment (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girls walk down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls \u001b[91mset\u001b[0m down in the street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girls walk down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls \u001b[92mconfigurations\u001b[0m down in the street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 141 / 4 / 25 / 170: 17%|▏| 170/1000 [00:--------------------------------------------- Result 171 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (92%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girls walk down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls were \u001b[37mgoing\u001b[0m to the park.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girls walk down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girls were \u001b[91mvanishing\u001b[0m to the park.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 142 / 4 / 25 / 171: 17%|▏| 171/1000 [00:--------------------------------------------- Result 172 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red uniform and helmet stands on his motorbike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a man \u001b[91msitting\u001b[0m in a \u001b[91mcar\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red uniform and helmet stands on his motorbike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a man \u001b[92mhearing\u001b[0m in a \u001b[92mautomobile\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 143 / 4 / 25 / 172: 17%|▏| 173/1000 [00:--------------------------------------------- Result 173 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red uniform and helmet stands on his motorbike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a person \u001b[92mstanding\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red uniform and helmet stands on his motorbike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a person \u001b[91mceaseless\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 144 / 4 / 25 / 173: 17%|▏| 173/1000 [00:--------------------------------------------- Result 174 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red uniform and helmet stands on his motorbike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a man standing on his \u001b[92mmotorbike\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red uniform and helmet stands on his motorbike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a man standing on his \u001b[91mmopeds\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 145 / 4 / 25 / 174: 17%|▏| 174/1000 [00:--------------------------------------------- Result 175 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (74%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man of the cloth puts a black substance on a man's forehead.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man puts something on the other \u001b[92mmans\u001b[0m head.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man of the cloth puts a black substance on a man's forehead.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man puts something on the other \u001b[37malmeria\u001b[0m head.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 146 / 4 / 25 / 175: 18%|▏| 176/1000 [00:--------------------------------------------- Result 176 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man of the cloth puts a black substance on a man's forehead.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mwomen\u001b[0m are at the park.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man of the cloth puts a black substance on a man's forehead.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mfemme\u001b[0m are at the park.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 147 / 4 / 25 / 176: 18%|▏| 176/1000 [00:--------------------------------------------- Result 177 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (63%)\u001b[0m --> \u001b[92mEntailment (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man of the cloth puts a black substance on a man's forehead.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are at \u001b[37mchurch\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man of the cloth puts a black substance on a man's forehead.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are at \u001b[92mvestments\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 148 / 4 / 25 / 177: 18%|▏| 177/1000 [00:--------------------------------------------- Result 178 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person rolls down a hill riding a wagon as another watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[92mpeople\u001b[0m are \u001b[92moutside\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person rolls down a hill riding a wagon as another watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mpeoples\u001b[0m are \u001b[37mforeign\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 149 / 4 / 25 / 178: 18%|▏| 179/1000 [00:--------------------------------------------- Result 179 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (63%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person rolls down a hill riding a wagon as another watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person \u001b[91mstares\u001b[0m at an empty hill.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person rolls down a hill riding a wagon as another watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person \u001b[37mpained\u001b[0m at an empty hill.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 150 / 4 / 25 / 179: 18%|▏| 179/1000 [00:--------------------------------------------- Result 180 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (80%)\u001b[0m --> \u001b[92mEntailment (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person rolls down a hill riding a wagon as another watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mchild\u001b[0m in a wagon rolls down a hill.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person rolls down a hill riding a wagon as another watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92menfant\u001b[0m in a wagon rolls down a hill.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 151 / 4 / 25 / 180: 18%|▏| 180/1000 [00:--------------------------------------------- Result 181 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (74%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy holding onto the wall of an old brick house's raised foundation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a boy holding onto the wall of an old brick house's raised \u001b[37mfoundation\u001b[0m as construction occurs\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy holding onto the wall of an old brick house's raised foundation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a boy holding onto the wall of an old brick house's raised \u001b[92mbasis\u001b[0m as construction occurs\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 152 / 4 / 25 / 181: 18%|▏| 182/1000 [00:--------------------------------------------- Result 182 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy holding onto the wall of an old brick house's raised foundation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[91mgirl\u001b[0m is leaning against the wall\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy holding onto the wall of an old brick house's raised foundation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[37mfille\u001b[0m is leaning against the wall\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 153 / 4 / 25 / 182: 18%|▏| 182/1000 [00:--------------------------------------------- Result 183 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (81%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy holding onto the wall of an old brick house's raised foundation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a boy is against the \u001b[92mwall\u001b[0m of a raised foundation\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy holding onto the wall of an old brick house's raised foundation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a boy is against the \u001b[37mmural\u001b[0m of a raised foundation\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 154 / 4 / 25 / 183: 18%|▏| 183/1000 [00:--------------------------------------------- Result 184 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (77%)\u001b[0m --> \u001b[91mContradiction (91%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Bruce Springsteen, with one arm outstretched, is singing in the spotlight in a dark concert hall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mBruce\u001b[0m Springsteen is from Florida.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Bruce Springsteen, with one arm outstretched, is singing in the spotlight in a dark concert hall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mLio\u001b[0m Springsteen is from Florida.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 155 / 4 / 25 / 184: 18%|▏| 185/1000 [00:--------------------------------------------- Result 185 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (84%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Bruce Springsteen, with one arm outstretched, is singing in the spotlight in a dark concert hall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Bruce Springsteen is a \u001b[92msinger\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Bruce Springsteen, with one arm outstretched, is singing in the spotlight in a dark concert hall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Bruce Springsteen is a \u001b[37msingers\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 156 / 4 / 25 / 185: 18%|▏| 185/1000 [00:--------------------------------------------- Result 186 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Bruce Springsteen, with one arm outstretched, is singing in the spotlight in a dark concert hall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Bruce Springsteen is \u001b[37mgay\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Bruce Springsteen, with one arm outstretched, is singing in the spotlight in a dark concert hall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Bruce Springsteen is \u001b[91mpoofs\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 157 / 4 / 25 / 186: 19%|▏| 186/1000 [00:--------------------------------------------- Result 187 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six dogs swimming in a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Six dogs swim across the river.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 157 / 4 / 26 / 187: 19%|▏| 188/1000 [00:--------------------------------------------- Result 188 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six dogs swimming in a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Six \u001b[92mdogs\u001b[0m are outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six dogs swimming in a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Six \u001b[37mbeagles\u001b[0m are outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 158 / 4 / 26 / 188: 19%|▏| 188/1000 [00:--------------------------------------------- Result 189 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six dogs swimming in a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The puppies are \u001b[91msetting\u001b[0m on the \u001b[91mcouch\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six dogs swimming in a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The puppies are \u001b[37mdetermining\u001b[0m on the \u001b[37mdiwan\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 159 / 4 / 26 / 189: 19%|▏| 189/1000 [00:--------------------------------------------- Result 190 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (73%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman are taking a picture of themselves while a woman in a scarf walks by them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and woman have mug shots taken because they have been arrested.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 159 / 4 / 27 / 190: 19%|▏| 191/1000 [00:--------------------------------------------- Result 191 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[92mEntailment (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman are taking a picture of themselves while a woman in a scarf walks by them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and woman take selfies while a woman \u001b[37mwalks\u001b[0m by and \u001b[37mjudges\u001b[0m them.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman are taking a picture of themselves while a woman in a scarf walks by them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and woman take selfies while a woman \u001b[92mstrolls\u001b[0m by and \u001b[92mjudiciary\u001b[0m them.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 160 / 4 / 27 / 191: 19%|▏| 191/1000 [00:--------------------------------------------- Result 192 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (64%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman are taking a picture of themselves while a woman in a scarf walks by them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mman\u001b[0m and woman take selfies of themselves.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman are taking a picture of themselves while a woman in a scarf walks by them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfella\u001b[0m and woman take selfies of themselves.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 161 / 4 / 27 / 192: 19%|▏| 192/1000 [00:--------------------------------------------- Result 193 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a group of people dancing together.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are \u001b[92mdancing\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a group of people dancing together.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are \u001b[37mballets\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 162 / 4 / 27 / 193: 19%|▏| 194/1000 [00:--------------------------------------------- Result 194 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a group of people dancing together.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are doing the \u001b[37mtango\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a group of people dancing together.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are doing the \u001b[91mmerengue\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 163 / 4 / 27 / 194: 19%|▏| 194/1000 [00:--------------------------------------------- Result 195 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a group of people dancing together.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: No one is dancing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 163 / 5 / 27 / 195: 20%|▏| 195/1000 [00:--------------------------------------------- Result 196 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men wearing blue uniforms sit on a bus.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men sit on the \u001b[92mbus\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men wearing blue uniforms sit on a bus.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men sit on the \u001b[91mcoach\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 164 / 5 / 27 / 196: 20%|▏| 197/1000 [00:--------------------------------------------- Result 197 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men wearing blue uniforms sit on a bus.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mMen\u001b[0m \u001b[37msit\u001b[0m on the \u001b[37mbus\u001b[0m \u001b[37mgoing\u001b[0m to \u001b[37mwork\u001b[0m,\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men wearing blue uniforms sit on a bus.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mMales\u001b[0m \u001b[92mtis\u001b[0m on the \u001b[92mbuses\u001b[0m \u001b[92mgoes\u001b[0m to \u001b[92moperate\u001b[0m,\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 165 / 5 / 27 / 197: 20%|▏| 197/1000 [00:--------------------------------------------- Result 198 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men wearing blue uniforms sit on a bus.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men \u001b[91mdrive\u001b[0m the bus into the \u001b[91mocean\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men wearing blue uniforms sit on a bus.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men \u001b[37mpromenade\u001b[0m the bus into the \u001b[37mseas\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 166 / 5 / 27 / 198: 20%|▏| 198/1000 [00:--------------------------------------------- Result 199 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men climbing on a wooden scaffold.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mTwo\u001b[0m \u001b[92mpeople\u001b[0m climbing on a \u001b[92mwooden\u001b[0m scaffold.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men climbing on a wooden scaffold.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mThree\u001b[0m \u001b[91mburgers\u001b[0m climbing on a \u001b[91mforestier\u001b[0m scaffold.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 167 / 5 / 27 / 199: 20%|▏| 200/1000 [00:--------------------------------------------- Result 200 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men climbing on a wooden scaffold.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mwomen\u001b[0m climbing on a wooden scaffold.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men climbing on a wooden scaffold.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mmarried\u001b[0m climbing on a wooden scaffold.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 168 / 5 / 27 / 200: 20%|▏| 200/1000 [00:--------------------------------------------- Result 201 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[92mEntailment (82%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men climbing on a wooden scaffold.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37msad\u001b[0m \u001b[37mmen\u001b[0m climbing on a wooden scaffold.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men climbing on a wooden scaffold.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[92minclement\u001b[0m \u001b[92mmale\u001b[0m climbing on a wooden scaffold.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 169 / 5 / 27 / 201: 20%|▏| 201/1000 [00:--------------------------------------------- Result 202 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (81%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bird is flapping its wings on the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The bird is floating on the water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 169 / 5 / 28 / 202: 20%|▏| 203/1000 [00:--------------------------------------------- Result 203 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bird is flapping its wings on the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The bird is \u001b[91mflying\u001b[0m over the \u001b[91mtrees\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bird is flapping its wings on the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The bird is \u001b[37mfly\u001b[0m over the \u001b[37mfir\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 170 / 5 / 28 / 203: 20%|▏| 203/1000 [00:--------------------------------------------- Result 204 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (51%)\u001b[0m --> \u001b[91mContradiction (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bird is flapping its wings on the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m duck is swimming in the lake.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bird is flapping its wings on the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m duck is swimming in the lake.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 171 / 5 / 28 / 204: 20%|▏| 204/1000 [00:--------------------------------------------- Result 205 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (59%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy wearing a red shirt and jeans stands in the middle of a field and throws a toy plane in the air.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is playing in a feild.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 171 / 5 / 29 / 205: 21%|▏| 206/1000 [00:--------------------------------------------- Result 206 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy wearing a red shirt and jeans stands in the middle of a field and throws a toy plane in the air.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is playing in the \u001b[37mfield\u001b[0m \u001b[37mbecause\u001b[0m his mother kicked him out of the house.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy wearing a red shirt and jeans stands in the middle of a field and throws a toy plane in the air.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is playing in the \u001b[91mground\u001b[0m \u001b[91mas\u001b[0m his mother kicked him out of the house.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 172 / 5 / 29 / 206: 21%|▏| 206/1000 [00:--------------------------------------------- Result 207 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy wearing a red shirt and jeans stands in the middle of a field and throws a toy plane in the air.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is \u001b[91mplaying\u001b[0m video \u001b[91mgames\u001b[0m \u001b[91mindoors\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy wearing a red shirt and jeans stands in the middle of a field and throws a toy plane in the air.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is \u001b[37mtoying\u001b[0m video \u001b[37mgame\u001b[0m \u001b[37mhinterland\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 173 / 5 / 29 / 207: 21%|▏| 207/1000 [00:--------------------------------------------- Result 208 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six or seven people are standing on a pier with a table and a pair of glasses in the foreground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are \u001b[37mgoing\u001b[0m \u001b[37mfishing\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six or seven people are standing on a pier with a table and a pair of glasses in the foreground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are \u001b[91mgo\u001b[0m \u001b[91mangling\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 174 / 5 / 29 / 208: 21%|▏| 209/1000 [00:--------------------------------------------- Result 209 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (92%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six or seven people are standing on a pier with a table and a pair of glasses in the foreground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Six or seven people are standing on a \u001b[92mpier\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six or seven people are standing on a pier with a table and a pair of glasses in the foreground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Six or seven people are standing on a \u001b[91mquai\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 175 / 5 / 29 / 209: 21%|▏| 209/1000 [00:--------------------------------------------- Result 210 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (81%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six or seven people are standing on a pier with a table and a pair of glasses in the foreground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are in a \u001b[91mboat\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six or seven people are standing on a pier with a table and a pair of glasses in the foreground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are in a \u001b[37mboats\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 176 / 5 / 29 / 210: 21%|▏| 210/1000 [00:--------------------------------------------- Result 211 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt and black pants hunched over.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person \u001b[92mwears\u001b[0m a red shirt.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt and black pants hunched over.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person \u001b[37mspecializes\u001b[0m a red shirt.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 177 / 5 / 29 / 211: 21%|▏| 212/1000 [00:--------------------------------------------- Result 212 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt and black pants hunched over.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The person is a \u001b[37mwoman\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt and black pants hunched over.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The person is a \u001b[92mfeminine\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 178 / 5 / 29 / 212: 21%|▏| 212/1000 [00:--------------------------------------------- Result 213 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt and black pants hunched over.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The person is wearing a \u001b[91mgreen\u001b[0m shirt.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt and black pants hunched over.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The person is wearing a \u001b[37mecological\u001b[0m shirt.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 179 / 5 / 29 / 213: 21%|▏| 213/1000 [00:--------------------------------------------- Result 214 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (76%)\u001b[0m --> \u001b[37mNeutral (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This child is on the library steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is on the \u001b[91mschool\u001b[0m steps.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This child is on the library steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is on the \u001b[37mstudies\u001b[0m steps.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 180 / 5 / 29 / 214: 22%|▏| 215/1000 [00:--------------------------------------------- Result 215 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This child is on the library steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is on the \u001b[92msteps\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This child is on the library steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is on the \u001b[91mmarches\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 181 / 5 / 29 / 215: 22%|▏| 215/1000 [00:--------------------------------------------- Result 216 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (90%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: This child is on the library steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is on the steps inside the library.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 181 / 5 / 30 / 216: 22%|▏| 216/1000 [00:--------------------------------------------- Result 217 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The tattooed basketball player is about to dunk the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is playing \u001b[91mfootball\u001b[0m..\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The tattooed basketball player is about to dunk the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is playing \u001b[92mbasketball\u001b[0m..\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 182 / 5 / 30 / 217: 22%|▏| 218/1000 [00:--------------------------------------------- Result 218 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The tattooed basketball player is about to dunk the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The person is playing \u001b[92mbasketball\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The tattooed basketball player is about to dunk the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The person is playing \u001b[91mnba\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 183 / 5 / 30 / 218: 22%|▏| 218/1000 [00:--------------------------------------------- Result 219 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (85%)\u001b[0m --> \u001b[91mContradiction (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The tattooed basketball player is about to dunk the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The player has a tattoo that says \u001b[37mmother\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The tattooed basketball player is about to dunk the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The player has a tattoo that says \u001b[91mmamma\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 184 / 5 / 30 / 219: 22%|▏| 219/1000 [00:--------------------------------------------- Result 220 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (77%)\u001b[0m --> \u001b[37mNeutral (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy in a red hooded top is smiling whilst looking away from his reflection.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mboy\u001b[0m in a red hood is happy.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy in a red hooded top is smiling whilst looking away from his reflection.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mson\u001b[0m in a red hood is happy.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 185 / 5 / 30 / 220: 22%|▏| 221/1000 [00:--------------------------------------------- Result 221 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (45%)\u001b[0m --> \u001b[92mEntailment (36%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy in a red hooded top is smiling whilst looking away from his reflection.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy doesn't \u001b[37mwant\u001b[0m to see his reflection.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy in a red hooded top is smiling whilst looking away from his reflection.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy doesn't \u001b[92mdesire\u001b[0m to see his reflection.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 186 / 5 / 30 / 221: 22%|▏| 221/1000 [00:--------------------------------------------- Result 222 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (95%)\u001b[0m --> \u001b[37mNeutral (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy in a red hooded top is smiling whilst looking away from his reflection.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[91mupset\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a boy in a red hooded top is smiling whilst looking away from his reflection.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[37mirate\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 187 / 5 / 30 / 222: 22%|▏| 222/1000 [00:--------------------------------------------- Result 223 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a gray ball cap walks next to a redheaded woman wearing a long-sleeved blue jean shirt.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[92mman\u001b[0m is \u001b[92mwearing\u001b[0m a gray cap.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a gray ball cap walks next to a redheaded woman wearing a long-sleeved blue jean shirt.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[37mfella\u001b[0m is \u001b[37mporto\u001b[0m a gray cap.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 188 / 5 / 30 / 223: 22%|▏| 224/1000 [00:--------------------------------------------- Result 224 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[37mNeutral (43%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a gray ball cap walks next to a redheaded woman wearing a long-sleeved blue jean shirt.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mThe\u001b[0m \u001b[91mman\u001b[0m is \u001b[91mwearing\u001b[0m a blue cap.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a gray ball cap walks next to a redheaded woman wearing a long-sleeved blue jean shirt.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mBoth\u001b[0m \u001b[37mvirile\u001b[0m is \u001b[37mporte\u001b[0m a blue cap.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 189 / 5 / 30 / 224: 22%|▏| 224/1000 [00:--------------------------------------------- Result 225 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a gray ball cap walks next to a redheaded woman wearing a long-sleeved blue jean shirt.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[37mcold\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a gray ball cap walks next to a redheaded woman wearing a long-sleeved blue jean shirt.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91micebox\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 190 / 5 / 30 / 225: 22%|▏| 225/1000 [00:--------------------------------------------- Result 226 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (35%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man in a baseball hat and an old woman in a jean jacket are standing outside, but are covered mostly in shadow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An old woman has a \u001b[37mlight\u001b[0m jean jacket.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man in a baseball hat and an old woman in a jean jacket are standing outside, but are covered mostly in shadow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An old woman has a \u001b[91mlumiere\u001b[0m jean jacket.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 191 / 5 / 30 / 226: 23%|▏| 227/1000 [00:--------------------------------------------- Result 227 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (72%)\u001b[0m --> \u001b[91mContradiction (42%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man in a baseball hat and an old woman in a jean jacket are standing outside, but are covered mostly in shadow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An old woman \u001b[92mhas\u001b[0m a jean jacket.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man in a baseball hat and an old woman in a jean jacket are standing outside, but are covered mostly in shadow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An old woman \u001b[91mgot\u001b[0m a jean jacket.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 192 / 5 / 30 / 227: 23%|▏| 227/1000 [00:--------------------------------------------- Result 228 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (41%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man in a baseball hat and an old woman in a jean jacket are standing outside, but are covered mostly in shadow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An old woman has no \u001b[91mjacket\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man in a baseball hat and an old woman in a jean jacket are standing outside, but are covered mostly in shadow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An old woman has no \u001b[92msweatshirt\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 193 / 5 / 30 / 228: 23%|▏| 228/1000 [00:--------------------------------------------- Result 229 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (61%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A newlywed couple laughing and talking amongst themselves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The couple is \u001b[92mhaving\u001b[0m fun.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A newlywed couple laughing and talking amongst themselves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The couple is \u001b[37mafterwards\u001b[0m fun.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 194 / 5 / 30 / 229: 23%|▏| 230/1000 [00:--------------------------------------------- Result 230 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (89%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A newlywed couple laughing and talking amongst themselves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The couple just got married.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 194 / 5 / 31 / 230: 23%|▏| 230/1000 [00:--------------------------------------------- Result 231 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[92mEntailment (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A newlywed couple laughing and talking amongst themselves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The couple is \u001b[91mdivorced\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A newlywed couple laughing and talking amongst themselves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The couple is \u001b[92mnewlyweds\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 195 / 5 / 31 / 231: 23%|▏| 231/1000 [00:--------------------------------------------- Result 232 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[92mEntailment (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a long sleeves white collared shirt and a tie is walking to work in a big city.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mman\u001b[0m is wearing \u001b[91mshorts\u001b[0m and a t-shirt as he \u001b[91mjogs\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a long sleeves white collared shirt and a tie is walking to work in a big city.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mhumans\u001b[0m is wearing \u001b[92munderthings\u001b[0m and a t-shirt as he \u001b[92mwalks\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 196 / 5 / 31 / 232: 23%|▏| 233/1000 [00:--------------------------------------------- Result 233 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a long sleeves white collared shirt and a tie is walking to work in a big city.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[92mmoving\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a long sleeves white collared shirt and a tie is walking to work in a big city.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[37mdisplaced\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 197 / 5 / 31 / 233: 23%|▏| 233/1000 [00:--------------------------------------------- Result 234 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (59%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a long sleeves white collared shirt and a tie is walking to work in a big city.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is wearing work \u001b[92mattire\u001b[0m and is walking to his job.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a long sleeves white collared shirt and a tie is walking to work in a big city.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is wearing work \u001b[37mdressing\u001b[0m and is walking to his job.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 198 / 5 / 31 / 234: 23%|▏| 234/1000 [00:--------------------------------------------- Result 235 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (54%)\u001b[0m --> \u001b[92mEntailment (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several younger people sitting in front of a statue.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: several young people sitting \u001b[37moutside\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several younger people sitting in front of a statue.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: several young people sitting \u001b[92mbeyond\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 199 / 5 / 31 / 235: 24%|▏| 236/1000 [00:--------------------------------------------- Result 236 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (64%)\u001b[0m --> \u001b[37mNeutral (37%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several younger people sitting in front of a statue.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: several young people are sitting in an \u001b[91mauditorium\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several younger people sitting in front of a statue.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: several young people are sitting in an \u001b[37msalle\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 200 / 5 / 31 / 236: 24%|▏| 236/1000 [00:--------------------------------------------- Result 237 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (84%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several younger people sitting in front of a statue.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: several young people sitting in a school \u001b[37mcourtyard\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several younger people sitting in front of a statue.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: several young people sitting in a school \u001b[91mcour\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 201 / 5 / 31 / 237: 24%|▏| 237/1000 [00:--------------------------------------------- Result 238 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (95%)\u001b[0m --> \u001b[91mContradiction (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of adults stands in the bathroom looking down a small child in the bath.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The childs \u001b[37mmom\u001b[0m is watching her \u001b[37mson\u001b[0m with her \u001b[37mfriends\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of adults stands in the bathroom looking down a small child in the bath.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The childs \u001b[91mma\u001b[0m is watching her \u001b[91mhijo\u001b[0m with her \u001b[91mamis\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 202 / 5 / 31 / 238: 24%|▏| 239/1000 [00:--------------------------------------------- Result 239 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (93%)\u001b[0m --> \u001b[37mNeutral (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of adults stands in the bathroom looking down a small child in the bath.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mPeople\u001b[0m are in the house.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of adults stands in the bathroom looking down a small child in the bath.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mCountrymen\u001b[0m are in the house.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 203 / 5 / 31 / 239: 24%|▏| 239/1000 [00:--------------------------------------------- Result 240 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (71%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of adults stands in the bathroom looking down a small child in the bath.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is sleeping.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 203 / 6 / 31 / 240: 24%|▏| 240/1000 [00:--------------------------------------------- Result 241 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A goofy looking woman is singing on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[92msinging\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A goofy looking woman is singing on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[91mblackmailing\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 204 / 6 / 31 / 241: 24%|▏| 242/1000 [00:--------------------------------------------- Result 242 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (39%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A goofy looking woman is singing on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[91mreciting\u001b[0m \u001b[91mpoetry\u001b[0m on the stage.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A goofy looking woman is singing on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[37mrecited\u001b[0m \u001b[37mrhyming\u001b[0m on the stage.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 205 / 6 / 31 / 242: 24%|▏| 242/1000 [00:--------------------------------------------- Result 243 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (88%)\u001b[0m --> \u001b[91mContradiction (84%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A goofy looking woman is singing on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A blonde woman is \u001b[37msinging\u001b[0m and dancing on the stage.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A goofy looking woman is singing on stage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A blonde woman is \u001b[91mcrooning\u001b[0m and dancing on the stage.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 206 / 6 / 31 / 243: 24%|▏| 243/1000 [00:--------------------------------------------- Result 244 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girl wearing a brown jacket whilst walking in snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mwoman\u001b[0m is \u001b[91meating\u001b[0m \u001b[91mpasta\u001b[0m in a \u001b[91mrestaurant\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girl wearing a brown jacket whilst walking in snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mgirlfriend\u001b[0m is \u001b[37mnutrients\u001b[0m \u001b[37mpasting\u001b[0m in a \u001b[37mfood\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 207 / 6 / 31 / 244: 24%|▏| 245/1000 [00:--------------------------------------------- Result 245 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girl wearing a brown jacket whilst walking in snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The lady wearing a \u001b[37mjacket\u001b[0m is looking for her lost dog.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girl wearing a brown jacket whilst walking in snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The lady wearing a \u001b[91mwindbreaker\u001b[0m is looking for her lost dog.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 208 / 6 / 31 / 245: 24%|▏| 245/1000 [00:--------------------------------------------- Result 246 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girl wearing a brown jacket whilst walking in snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mgirl\u001b[0m is walking outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The girl wearing a brown jacket whilst walking in snow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mmadams\u001b[0m is walking outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 209 / 6 / 31 / 246: 25%|▏| 246/1000 [00:--------------------------------------------- Result 247 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man, woman, and child get their picture taken in front of the mountains.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A family on vacation is posing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 209 / 6 / 32 / 247: 25%|▏| 248/1000 [00:--------------------------------------------- Result 248 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man, woman, and child get their picture taken in front of the mountains.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mPeople\u001b[0m are outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man, woman, and child get their picture taken in front of the mountains.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBurgers\u001b[0m are outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 210 / 6 / 32 / 248: 25%|▏| 248/1000 [00:--------------------------------------------- Result 249 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man, woman, and child get their picture taken in front of the mountains.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A family is in their \u001b[91mcar\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man, woman, and child get their picture taken in front of the mountains.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A family is in their \u001b[92mvehicle\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 211 / 6 / 32 / 249: 25%|▏| 249/1000 [00:--------------------------------------------- Result 250 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: people are standing near water with a boat heading their direction\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are \u001b[92mstanding\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: people are standing near water with a boat heading their direction\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are \u001b[91munceasing\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 212 / 6 / 32 / 250: 25%|▎| 251/1000 [00:--------------------------------------------- Result 251 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: people are standing near water with a boat heading their direction\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are standing near water with a large blue \u001b[37mboat\u001b[0m heading their direction.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: people are standing near water with a boat heading their direction\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are standing near water with a large blue \u001b[91mcruiser\u001b[0m heading their direction.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 213 / 6 / 32 / 251: 25%|▎| 251/1000 [00:--------------------------------------------- Result 252 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: people are standing near water with a boat heading their direction\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are waiting in \u001b[91mline\u001b[0m at the \u001b[91mrestaurant\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: people are standing near water with a boat heading their direction\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are waiting in \u001b[37maccordance\u001b[0m at the \u001b[37mdinning\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 214 / 6 / 32 / 252: 25%|▎| 252/1000 [00:--------------------------------------------- Result 253 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (70%)\u001b[0m --> \u001b[91mContradiction (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four adults eat while sitting on a tile floor.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mcouples\u001b[0m eat food on a kitchen floor.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four adults eat while sitting on a tile floor.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mcoupled\u001b[0m eat food on a kitchen floor.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 215 / 6 / 32 / 253: 25%|▎| 254/1000 [00:--------------------------------------------- Result 254 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four adults eat while sitting on a tile floor.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two couples \u001b[91mplay\u001b[0m \u001b[91mpool\u001b[0m in a bar.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four adults eat while sitting on a tile floor.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two couples \u001b[37mjeu\u001b[0m \u001b[37mreuniting\u001b[0m in a bar.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 216 / 6 / 32 / 254: 25%|▎| 254/1000 [00:--------------------------------------------- Result 255 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four adults eat while sitting on a tile floor.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m group of \u001b[92mpeople\u001b[0m eat food.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four adults eat while sitting on a tile floor.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m group of \u001b[37mcompatriots\u001b[0m eat food.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 217 / 6 / 32 / 255: 26%|▎| 255/1000 [00:--------------------------------------------- Result 256 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog standing near snow looking at water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mcat\u001b[0m is \u001b[91mlaying\u001b[0m on the \u001b[91mcouch\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog standing near snow looking at water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mfelines\u001b[0m is \u001b[92mestablishes\u001b[0m on the \u001b[92msettee\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 218 / 6 / 32 / 256: 26%|▎| 257/1000 [00:--------------------------------------------- Result 257 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog standing near snow looking at water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mAnimal\u001b[0m is outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog standing near snow looking at water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mGiraffes\u001b[0m is outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 219 / 6 / 32 / 257: 26%|▎| 257/1000 [00:--------------------------------------------- Result 258 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog standing near snow looking at water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mdog\u001b[0m is thinking about going to for a swim.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A dog standing near snow looking at water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mwhippet\u001b[0m is thinking about going to for a swim.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 220 / 6 / 32 / 258: 26%|▎| 258/1000 [00:--------------------------------------------- Result 259 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older man leans against a pedestal outside of an ornate building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An older man is \u001b[37mleaning\u001b[0m \u001b[37moutside\u001b[0m his nursing home\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older man leans against a pedestal outside of an ornate building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An older man is \u001b[91msloping\u001b[0m \u001b[91moutboard\u001b[0m his nursing home\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 221 / 6 / 32 / 259: 26%|▎| 260/1000 [00:--------------------------------------------- Result 260 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older man leans against a pedestal outside of an ornate building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young man is jogging\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 221 / 7 / 32 / 260: 26%|▎| 260/1000 [00:--------------------------------------------- Result 261 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older man leans against a pedestal outside of an ornate building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An older man leans outside a \u001b[92mbuilding\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An older man leans against a pedestal outside of an ornate building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An older man leans outside a \u001b[37mreinforcing\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 222 / 7 / 32 / 261: 26%|▎| 261/1000 [00:--------------------------------------------- Result 262 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (90%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in orange clothing rests above a metro entrance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mA\u001b[0m \u001b[91mperson\u001b[0m is sitting at a \u001b[91mbaseball\u001b[0m game.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in orange clothing rests above a metro entrance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m \u001b[37mones\u001b[0m is sitting at a \u001b[37msoccer\u001b[0m game.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 223 / 7 / 32 / 262: 26%|▎| 263/1000 [00:--------------------------------------------- Result 263 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (74%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in orange clothing rests above a metro entrance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone is standing near a metro station.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 223 / 7 / 33 / 263: 26%|▎| 263/1000 [00:--------------------------------------------- Result 264 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (91%)\u001b[0m --> \u001b[91mContradiction (85%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in orange clothing rests above a metro entrance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[37mwaiting\u001b[0m for a train.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in orange clothing rests above a metro entrance.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[91mstandby\u001b[0m for a train.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 224 / 7 / 33 / 264: 26%|▎| 264/1000 [00:--------------------------------------------- Result 265 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl in a blue dress takes off her shoes and eats blue cotton candy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is eating blue cotton \u001b[37mcandy\u001b[0m at a \u001b[37mcarnival\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl in a blue dress takes off her shoes and eats blue cotton candy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is eating blue cotton \u001b[91msundae\u001b[0m at a \u001b[91mcirque\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 225 / 7 / 33 / 265: 27%|▎| 266/1000 [00:--------------------------------------------- Result 266 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (69%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl in a blue dress takes off her shoes and eats blue cotton candy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl in a blue dress is a flower \u001b[37mgirl\u001b[0m at a wedding.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl in a blue dress takes off her shoes and eats blue cotton candy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl in a blue dress is a flower \u001b[91mfille\u001b[0m at a wedding.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 226 / 7 / 33 / 266: 27%|▎| 266/1000 [00:--------------------------------------------- Result 267 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (43%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl in a blue dress takes off her shoes and eats blue cotton candy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is eating while barefoot.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 226 / 7 / 34 / 267: 27%|▎| 267/1000 [00:--------------------------------------------- Result 268 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a white uniform makes a spectacular reverse slam dunk to the crowd's amazement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is asian\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 226 / 7 / 35 / 268: 27%|▎| 269/1000 [00:--------------------------------------------- Result 269 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (89%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a white uniform makes a spectacular reverse slam dunk to the crowd's amazement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is \u001b[92mplaying\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a white uniform makes a spectacular reverse slam dunk to the crowd's amazement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is \u001b[37mgame\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 227 / 7 / 35 / 269: 27%|▎| 269/1000 [00:--------------------------------------------- Result 270 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a white uniform makes a spectacular reverse slam dunk to the crowd's amazement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is at \u001b[91mhome\u001b[0m \u001b[91msleeping\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man in a white uniform makes a spectacular reverse slam dunk to the crowd's amazement.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is at \u001b[37mabode\u001b[0m \u001b[37msor\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 228 / 7 / 35 / 270: 27%|▎| 270/1000 [00:--------------------------------------------- Result 271 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A basketball player with green shoes is dunking the ball in the net while the arena crowd looks on.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is making a \u001b[91msandwich\u001b[0m while a crowd gasps in awe.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A basketball player with green shoes is dunking the ball in the net while the arena crowd looks on.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is making a \u001b[37mhoagie\u001b[0m while a crowd gasps in awe.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 229 / 7 / 35 / 271: 27%|▎| 272/1000 [00:--------------------------------------------- Result 272 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (86%)\u001b[0m --> \u001b[37mNeutral (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A basketball player with green shoes is dunking the ball in the net while the arena crowd looks on.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mcrowd\u001b[0m is watching someone play basketball.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A basketball player with green shoes is dunking the ball in the net while the arena crowd looks on.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mthrongs\u001b[0m is watching someone play basketball.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 230 / 7 / 35 / 272: 27%|▎| 272/1000 [00:--------------------------------------------- Result 273 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[92mEntailment (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A basketball player with green shoes is dunking the ball in the net while the arena crowd looks on.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfamous\u001b[0m NBA player is playing street ball in front of a crowd.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A basketball player with green shoes is dunking the ball in the net while the arena crowd looks on.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mglamorous\u001b[0m NBA player is playing street ball in front of a crowd.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 231 / 7 / 35 / 273: 27%|▎| 273/1000 [00:--------------------------------------------- Result 274 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A frowning old man in a military cap and a civilian suit stands amongst a crowd of people outdoors carrying signs and balloons.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[92mpeople\u001b[0m are standing outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A frowning old man in a military cap and a civilian suit stands amongst a crowd of people outdoors carrying signs and balloons.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[37mcompatriots\u001b[0m are standing outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 232 / 7 / 35 / 274: 28%|▎| 275/1000 [00:--------------------------------------------- Result 275 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A frowning old man in a military cap and a civilian suit stands amongst a crowd of people outdoors carrying signs and balloons.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An angry military \u001b[37mveteran\u001b[0m watches as \u001b[37mpeople\u001b[0m \u001b[37mprotest\u001b[0m the war.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A frowning old man in a military cap and a civilian suit stands amongst a crowd of people outdoors carrying signs and balloons.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An angry military \u001b[91mfighters\u001b[0m watches as \u001b[91mgens\u001b[0m \u001b[91mrants\u001b[0m the war.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 233 / 7 / 35 / 275: 28%|▎| 275/1000 [00:--------------------------------------------- Result 276 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (94%)\u001b[0m --> \u001b[37mNeutral (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A frowning old man in a military cap and a civilian suit stands amongst a crowd of people outdoors carrying signs and balloons.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is watching a \u001b[91mgroup\u001b[0m of people having a hot \u001b[91mdog\u001b[0m \u001b[91meating\u001b[0m contest.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A frowning old man in a military cap and a civilian suit stands amongst a crowd of people outdoors carrying signs and balloons.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is watching a \u001b[37mregrouping\u001b[0m of people having a hot \u001b[37mdogs\u001b[0m \u001b[37mgastronomy\u001b[0m contest.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 234 / 7 / 35 / 276: 28%|▎| 276/1000 [00:--------------------------------------------- Result 277 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing bike shorts and a skirt is riding a bike and carrying a shoulder bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman on a \u001b[92mbike\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing bike shorts and a skirt is riding a bike and carrying a shoulder bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman on a \u001b[91mmotorcycle\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 235 / 7 / 35 / 277: 28%|▎| 278/1000 [00:--------------------------------------------- Result 278 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing bike shorts and a skirt is riding a bike and carrying a shoulder bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman riding a \u001b[37mbike\u001b[0m to \u001b[37mwork\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing bike shorts and a skirt is riding a bike and carrying a shoulder bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman riding a \u001b[91mmotorcycle\u001b[0m to \u001b[91mactivities\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 236 / 7 / 35 / 278: 28%|▎| 278/1000 [00:--------------------------------------------- Result 279 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing bike shorts and a skirt is riding a bike and carrying a shoulder bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman driving a \u001b[91mcar\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing bike shorts and a skirt is riding a bike and carrying a shoulder bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman driving a \u001b[92mvehicle\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 237 / 7 / 35 / 279: 28%|▎| 279/1000 [00:--------------------------------------------- Result 280 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarding youth does a trick on a rail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young person on a \u001b[92mskateboard\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarding youth does a trick on a rail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young person on a \u001b[91mrollerblades\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 238 / 7 / 35 / 280: 28%|▎| 281/1000 [00:--------------------------------------------- Result 281 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarding youth does a trick on a rail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mA\u001b[0m \u001b[91mman\u001b[0m \u001b[91mpainting\u001b[0m a \u001b[91mtree\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarding youth does a trick on a rail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92manother\u001b[0m \u001b[92mhumans\u001b[0m \u001b[92mvisuals\u001b[0m a \u001b[92mshu\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 239 / 7 / 35 / 281: 28%|▎| 281/1000 [00:--------------------------------------------- Result 282 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarding youth does a trick on a rail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young \u001b[37mboy\u001b[0m showing his \u001b[37mnew\u001b[0m \u001b[37mskateboard\u001b[0m \u001b[37mtricks\u001b[0m to his \u001b[37mfriends\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarding youth does a trick on a rail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young \u001b[91myarns\u001b[0m showing his \u001b[91mny\u001b[0m \u001b[91mskateboarder\u001b[0m \u001b[91mtowers\u001b[0m to his \u001b[91mfellow\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 240 / 7 / 35 / 282: 28%|▎| 282/1000 [00:--------------------------------------------- Result 283 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (51%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy wearing jeans and a hat is crouching on a handrail with a concrete embankment located in front of him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: He is \u001b[37mwearing\u001b[0m a button-up shirt.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy wearing jeans and a hat is crouching on a handrail with a concrete embankment located in front of him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: He is \u001b[91mwears\u001b[0m a button-up shirt.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 241 / 7 / 35 / 283: 28%|▎| 284/1000 [00:--------------------------------------------- Result 284 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (91%)\u001b[0m --> \u001b[37mNeutral (39%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy wearing jeans and a hat is crouching on a handrail with a concrete embankment located in front of him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: His \u001b[91mbald\u001b[0m \u001b[91mhead\u001b[0m is exposed.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy wearing jeans and a hat is crouching on a handrail with a concrete embankment located in front of him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: His \u001b[37mbaldy\u001b[0m \u001b[37mtete\u001b[0m is exposed.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 242 / 7 / 35 / 284: 28%|▎| 284/1000 [00:--------------------------------------------- Result 285 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy wearing jeans and a hat is crouching on a handrail with a concrete embankment located in front of him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is crouching on a \u001b[92mhandrail\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy wearing jeans and a hat is crouching on a handrail with a concrete embankment located in front of him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is crouching on a \u001b[91mbanister\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 243 / 7 / 35 / 285: 28%|▎| 285/1000 [00:--------------------------------------------- Result 286 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in a red coat, blue head wrap and jeans is making a snow angel.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl in a red coat makes a snow \u001b[37mangel\u001b[0m for the first \u001b[37mtime\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in a red coat, blue head wrap and jeans is making a snow angel.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl in a red coat makes a snow \u001b[91mengel\u001b[0m for the first \u001b[91mlifespan\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 244 / 7 / 35 / 286: 29%|▎| 287/1000 [00:--------------------------------------------- Result 287 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in a red coat, blue head wrap and jeans is making a snow angel.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girl in a \u001b[91mblack\u001b[0m coat \u001b[91mstays\u001b[0m indoors \u001b[91maway\u001b[0m from the snow.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in a red coat, blue head wrap and jeans is making a snow angel.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Girl in a \u001b[37mniro\u001b[0m coat \u001b[37mendures\u001b[0m indoors \u001b[37moverseas\u001b[0m from the snow.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 245 / 7 / 35 / 287: 29%|▎| 287/1000 [00:--------------------------------------------- Result 288 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (72%)\u001b[0m --> \u001b[37mNeutral (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in a red coat, blue head wrap and jeans is making a snow angel.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl outside plays in the \u001b[92msnow\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in a red coat, blue head wrap and jeans is making a snow angel.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl outside plays in the \u001b[37msnowing\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 246 / 7 / 35 / 288: 29%|▎| 288/1000 [00:--------------------------------------------- Result 289 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people gathered at night watching an event.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The group of friends are \u001b[91masleep\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people gathered at night watching an event.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The group of friends are \u001b[37mawoke\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 247 / 7 / 35 / 289: 29%|▎| 290/1000 [00:--------------------------------------------- Result 290 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (90%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people gathered at night watching an event.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of humans are looking at the same direction.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 247 / 7 / 36 / 290: 29%|▎| 290/1000 [00:--------------------------------------------- Result 291 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people gathered at night watching an event.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of friends are watching the music concert at \u001b[37mnight\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people gathered at night watching an event.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of friends are watching the music concert at \u001b[91msundown\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 248 / 7 / 36 / 291: 29%|▎| 291/1000 [00:--------------------------------------------- Result 292 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (57%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The American footballer in yellow catches the ball whilst under pressure from the payer in white.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The football player is under duress.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 248 / 7 / 37 / 292: 29%|▎| 293/1000 [00:--------------------------------------------- Result 293 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[91mContradiction (43%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The American footballer in yellow catches the ball whilst under pressure from the payer in white.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The American football player in yellow \u001b[92mcatches\u001b[0m the ball while under pressure from the player in \u001b[92mwhite\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The American footballer in yellow catches the ball whilst under pressure from the payer in white.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The American football player in yellow \u001b[91mgrab\u001b[0m the ball while under pressure from the player in \u001b[91mcaucasian\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 249 / 7 / 37 / 293: 29%|▎| 293/1000 [00:--------------------------------------------- Result 294 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The American footballer in yellow catches the ball whilst under pressure from the payer in white.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mbasketball\u001b[0m player shoots a three pointer.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The American footballer in yellow catches the ball whilst under pressure from the payer in white.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mball\u001b[0m player shoots a three pointer.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 250 / 7 / 37 / 294: 29%|▎| 294/1000 [00:--------------------------------------------- Result 295 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (92%)\u001b[0m --> \u001b[92mEntailment (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with blue hair, a baseball cap, and a hood on stands outdoors in a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is enjoying a \u001b[37msporting\u001b[0m \u001b[37mevent\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with blue hair, a baseball cap, and a hood on stands outdoors in a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is enjoying a \u001b[92mathletic\u001b[0m \u001b[92mmanifestation\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 251 / 7 / 37 / 295: 30%|▎| 296/1000 [00:--------------------------------------------- Result 296 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with blue hair, a baseball cap, and a hood on stands outdoors in a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[91mdancing\u001b[0m and singing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with blue hair, a baseball cap, and a hood on stands outdoors in a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[37mchoreographed\u001b[0m and singing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 252 / 7 / 37 / 296: 30%|▎| 296/1000 [00:--------------------------------------------- Result 297 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with blue hair, a baseball cap, and a hood on stands outdoors in a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mperson\u001b[0m is standing outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person with blue hair, a baseball cap, and a hood on stands outdoors in a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91manybody\u001b[0m is standing outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 253 / 7 / 37 / 297: 30%|▎| 297/1000 [00:--------------------------------------------- Result 298 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[37mNeutral (45%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl holding a beverage points at a painting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is in the \u001b[91mbathtub\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl holding a beverage points at a painting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is in the \u001b[37mbain\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 254 / 7 / 37 / 298: 30%|▎| 299/1000 [00:--------------------------------------------- Result 299 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl holding a beverage points at a painting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is drinking an \u001b[37malcoholic\u001b[0m beverage.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl holding a beverage points at a painting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is drinking an \u001b[92mdrinks\u001b[0m beverage.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 255 / 7 / 37 / 299: 30%|▎| 299/1000 [00:--------------------------------------------- Result 300 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl holding a beverage points at a painting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl has a \u001b[92mbeverage\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A girl holding a beverage points at a painting.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl has a \u001b[37mvodka\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 256 / 7 / 37 / 300: 30%|▎| 300/1000 [00:--------------------------------------------- Result 301 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt, in a commercial kitchen, holding up meat he took out of a bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a black shirt, in a commercial kitchen, holding up the \u001b[37mold\u001b[0m \u001b[37mmeat\u001b[0m he took out of a bag.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt, in a commercial kitchen, holding up meat he took out of a bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a black shirt, in a commercial kitchen, holding up the \u001b[92moutmoded\u001b[0m \u001b[92mbroiled\u001b[0m he took out of a bag.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 257 / 7 / 37 / 301: 30%|▎| 302/1000 [00:--------------------------------------------- Result 302 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt, in a commercial kitchen, holding up meat he took out of a bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mwoman\u001b[0m in a black shirt, in a commercial kitchen, holding up meat he took out of a bag.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt, in a commercial kitchen, holding up meat he took out of a bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfemme\u001b[0m in a black shirt, in a commercial kitchen, holding up meat he took out of a bag.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 258 / 7 / 37 / 302: 30%|▎| 302/1000 [00:--------------------------------------------- Result 303 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[91mContradiction (84%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt, in a commercial kitchen, holding up meat he took out of a bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a shirt, in a commercial kitchen, holding up meat he took out of a \u001b[92mbag\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt, in a commercial kitchen, holding up meat he took out of a bag.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a shirt, in a commercial kitchen, holding up meat he took out of a \u001b[91msachet\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 259 / 7 / 37 / 303: 30%|▎| 303/1000 [00:--------------------------------------------- Result 304 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt is mowing the grass with a green riding mower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person in red is \u001b[91mswimming\u001b[0m in the Olympics.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt is mowing the grass with a green riding mower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person in red is \u001b[37mswum\u001b[0m in the Olympics.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 260 / 7 / 37 / 304: 30%|▎| 305/1000 [00:--------------------------------------------- Result 305 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (52%)\u001b[0m --> \u001b[92mEntailment (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt is mowing the grass with a green riding mower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person in red is moving grass on a \u001b[37mJohn\u001b[0m Deer motor.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt is mowing the grass with a green riding mower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person in red is moving grass on a \u001b[92mJoon\u001b[0m Deer motor.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 261 / 7 / 37 / 305: 30%|▎| 305/1000 [00:--------------------------------------------- Result 306 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (73%)\u001b[0m --> \u001b[37mNeutral (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt is mowing the grass with a green riding mower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person in red is cutting the \u001b[92mgrass\u001b[0m on a riding mower\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person in a red shirt is mowing the grass with a green riding mower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person in red is cutting the \u001b[37msod\u001b[0m on a riding mower\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 262 / 7 / 37 / 306: 31%|▎| 306/1000 [00:--------------------------------------------- Result 307 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (84%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Group of people wearing black shirts riding in an open top vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people go down the road in a convertible.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 262 / 7 / 38 / 307: 31%|▎| 308/1000 [00:--------------------------------------------- Result 308 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Group of people wearing black shirts riding in an open top vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The driver was wearing a \u001b[91mpurple\u001b[0m \u001b[91mshirt\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Group of people wearing black shirts riding in an open top vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The driver was wearing a \u001b[37mlettering\u001b[0m \u001b[37mhem\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 263 / 7 / 38 / 308: 31%|▎| 308/1000 [00:--------------------------------------------- Result 309 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (78%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Group of people wearing black shirts riding in an open top vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Froends ride in an open top vehicle together.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 263 / 7 / 39 / 309: 31%|▎| 309/1000 [00:--------------------------------------------- Result 310 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men prepare a fish at a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men have just \u001b[37mcome\u001b[0m in from fishing all \u001b[37mday\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men prepare a fish at a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men have just \u001b[91mentry\u001b[0m in from fishing all \u001b[91mdag\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 264 / 7 / 39 / 310: 31%|▎| 311/1000 [00:--------------------------------------------- Result 311 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (43%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men prepare a fish at a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are cleaning their fish\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 264 / 7 / 40 / 311: 31%|▎| 311/1000 [00:--------------------------------------------- Result 312 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men prepare a fish at a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are \u001b[91msitting\u001b[0m in a \u001b[91mcanoe\u001b[0m with their fishing poles\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men prepare a fish at a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are \u001b[37minstalled\u001b[0m in a \u001b[37mrowed\u001b[0m with their fishing poles\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 265 / 7 / 40 / 312: 31%|▎| 312/1000 [00:--------------------------------------------- Result 313 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with her face partially covered in silver face paint sits on a plastic tote looking in a mirror.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is a \u001b[37mmodel\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with her face partially covered in silver face paint sits on a plastic tote looking in a mirror.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is a \u001b[91mmannequin\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 266 / 7 / 40 / 313: 31%|▎| 314/1000 [00:--------------------------------------------- Result 314 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (85%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with her face partially covered in silver face paint sits on a plastic tote looking in a mirror.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman has something on her \u001b[92mface\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with her face partially covered in silver face paint sits on a plastic tote looking in a mirror.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman has something on her \u001b[37mdeal\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 267 / 7 / 40 / 314: 31%|▎| 314/1000 [00:--------------------------------------------- Result 315 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (84%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman with her face partially covered in silver face paint sits on a plastic tote looking in a mirror.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is blind.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 267 / 8 / 40 / 315: 32%|▎| 315/1000 [00:--------------------------------------------- Result 316 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (85%)\u001b[0m --> \u001b[92mEntailment (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an Alaska sweatshirt stands behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is wearing a \u001b[91mtank\u001b[0m top.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an Alaska sweatshirt stands behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is wearing a \u001b[92mcontainer\u001b[0m top.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 268 / 8 / 40 / 316: 32%|▎| 317/1000 [00:--------------------------------------------- Result 317 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (51%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an Alaska sweatshirt stands behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is from Alaska.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 268 / 8 / 41 / 317: 32%|▎| 317/1000 [00:--------------------------------------------- Result 318 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37mNeutral (84%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an Alaska sweatshirt stands behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The person behind the counter is a \u001b[92mman\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an Alaska sweatshirt stands behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The person behind the counter is a \u001b[37mhomme\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 269 / 8 / 41 / 318: 32%|▎| 318/1000 [00:--------------------------------------------- Result 319 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large group of people walking in a busy city at night.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are \u001b[91meating\u001b[0m \u001b[91mlunch\u001b[0m in a \u001b[91mrestaurant\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large group of people walking in a busy city at night.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are \u001b[37mforaging\u001b[0m \u001b[37msuppers\u001b[0m in a \u001b[37mgastronomy\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 270 / 8 / 41 / 319: 32%|▎| 320/1000 [00:--------------------------------------------- Result 320 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large group of people walking in a busy city at night.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are walking a \u001b[92mcity\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large group of people walking in a busy city at night.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are walking a \u001b[37mville\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 271 / 8 / 41 / 320: 32%|▎| 320/1000 [00:--------------------------------------------- Result 321 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[92mEntailment (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large group of people walking in a busy city at night.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are outside in a \u001b[91mpark\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A large group of people walking in a busy city at night.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are outside in a \u001b[92mparc\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 272 / 8 / 41 / 321: 32%|▎| 321/1000 [00:--------------------------------------------- Result 322 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, in red and white, and wearing glasses, sits in a room with other people.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is sitting in a room with other \u001b[92mpeople\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, in red and white, and wearing glasses, sits in a room with other people.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is sitting in a room with other \u001b[37mgens\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 273 / 8 / 41 / 322: 32%|▎| 323/1000 [00:--------------------------------------------- Result 323 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[92mEntailment (45%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, in red and white, and wearing glasses, sits in a room with other people.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is on her \u001b[37mphone\u001b[0m sitting in a room.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, in red and white, and wearing glasses, sits in a room with other people.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is on her \u001b[92mhandset\u001b[0m sitting in a room.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 274 / 8 / 41 / 323: 32%|▎| 323/1000 [00:--------------------------------------------- Result 324 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, in red and white, and wearing glasses, sits in a room with other people.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mman\u001b[0m is fixing his car.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, in red and white, and wearing glasses, sits in a room with other people.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mcomrade\u001b[0m is fixing his car.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 275 / 8 / 41 / 324: 32%|▎| 324/1000 [00:--------------------------------------------- Result 325 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A softball player throws the ball to her teammate.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Teammates are \u001b[37mcompeting\u001b[0m in a softballs \u001b[37mchampionship\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A softball player throws the ball to her teammate.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Teammates are \u001b[92mcompetitors\u001b[0m in a softballs \u001b[92mfeaturing\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 276 / 8 / 41 / 325: 33%|▎| 326/1000 [00:--------------------------------------------- Result 326 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A softball player throws the ball to her teammate.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[92mpeople\u001b[0m are playing softball.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A softball player throws the ball to her teammate.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mburgers\u001b[0m are playing softball.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 277 / 8 / 41 / 326: 33%|▎| 326/1000 [00:--------------------------------------------- Result 327 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A softball player throws the ball to her teammate.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two softball players are \u001b[91msitting\u001b[0m on a \u001b[91mbench\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A softball player throws the ball to her teammate.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two softball players are \u001b[37minstalled\u001b[0m on a \u001b[37mcourt\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 278 / 8 / 41 / 327: 33%|▎| 327/1000 [00:--------------------------------------------- Result 328 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[91mContradiction (100%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A biker races.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is riding a \u001b[92mbike\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A biker races.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is riding a \u001b[91mscooters\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 279 / 8 / 41 / 328: 33%|▎| 329/1000 [00:--------------------------------------------- Result 329 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (55%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A biker races.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The biker loses the race\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 279 / 8 / 42 / 329: 33%|▎| 329/1000 [00:--------------------------------------------- Result 330 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (87%)\u001b[0m --> \u001b[37mNeutral (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A biker races.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mcar\u001b[0m is yellow\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A biker races.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mchevrolet\u001b[0m is yellow\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 280 / 8 / 42 / 330: 33%|▎| 330/1000 [00:--------------------------------------------- Result 331 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (100%)\u001b[0m --> \u001b[37mNeutral (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys are smiling and laughing while one is standing and one is in a bouncy seat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are two \u001b[92mlittle\u001b[0m boys smiling.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys are smiling and laughing while one is standing and one is in a bouncy seat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are two \u001b[37mpetit\u001b[0m boys smiling.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 281 / 8 / 42 / 331: 33%|▎| 332/1000 [00:--------------------------------------------- Result 332 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys are smiling and laughing while one is standing and one is in a bouncy seat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The little boys are \u001b[91mcrying\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys are smiling and laughing while one is standing and one is in a bouncy seat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The little boys are \u001b[92mbawling\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 282 / 8 / 42 / 332: 33%|▎| 332/1000 [00:--------------------------------------------- Result 333 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (84%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys are smiling and laughing while one is standing and one is in a bouncy seat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m \u001b[37mboys\u001b[0m are \u001b[37msiblings\u001b[0m playing with each other.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys are smiling and laughing while one is standing and one is in a bouncy seat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m \u001b[91mmec\u001b[0m are \u001b[91msisters\u001b[0m playing with each other.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 283 / 8 / 42 / 333: 33%|▎| 333/1000 [00:--------------------------------------------- Result 334 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (87%)\u001b[0m --> \u001b[92mEntailment (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Island native fishermen reeling in their nets after a long day's work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men caught \u001b[37mmany\u001b[0m fish.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Island native fishermen reeling in their nets after a long day's work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men caught \u001b[92mdiversified\u001b[0m fish.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 284 / 8 / 42 / 334: 34%|▎| 335/1000 [00:--------------------------------------------- Result 335 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (92%)\u001b[0m --> \u001b[37mNeutral (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Island native fishermen reeling in their nets after a long day's work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men did not go to \u001b[91mwork\u001b[0m today but instead \u001b[91mplayed\u001b[0m \u001b[91mbridge\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Island native fishermen reeling in their nets after a long day's work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men did not go to \u001b[37mworking\u001b[0m today but instead \u001b[37mrealized\u001b[0m \u001b[37mbridgehead\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 285 / 8 / 42 / 335: 34%|▎| 335/1000 [00:--------------------------------------------- Result 336 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (79%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Island native fishermen reeling in their nets after a long day's work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are finishing their day of work.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 285 / 8 / 43 / 336: 34%|▎| 336/1000 [00:--------------------------------------------- Result 337 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These are young adults who seem to be working together to protect the plants surrounding the white pole.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The plants are \u001b[37mferns\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These are young adults who seem to be working together to protect the plants surrounding the white pole.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The plants are \u001b[91mbluebells\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 286 / 8 / 43 / 337: 34%|▎| 338/1000 [00:--------------------------------------------- Result 338 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These are young adults who seem to be working together to protect the plants surrounding the white pole.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The adults are \u001b[92myoung\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These are young adults who seem to be working together to protect the plants surrounding the white pole.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The adults are \u001b[37mjeune\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 287 / 8 / 43 / 338: 34%|▎| 338/1000 [00:--------------------------------------------- Result 339 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (84%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These are young adults who seem to be working together to protect the plants surrounding the white pole.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The adults are \u001b[91mold\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These are young adults who seem to be working together to protect the plants surrounding the white pole.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The adults are \u001b[37mvieux\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 288 / 8 / 43 / 339: 34%|▎| 339/1000 [00:--------------------------------------------- Result 340 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (43%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two college football players battle it out outdoors on the field during game day, where one is the quarterback trying to throw the ball, and the other player is in action about to sack the quarterback.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two teams from \u001b[37mrival\u001b[0m \u001b[37mcolleges\u001b[0m are in the \u001b[37mfourth\u001b[0m quarter of a game.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two college football players battle it out outdoors on the field during game day, where one is the quarterback trying to throw the ball, and the other player is in action about to sack the quarterback.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two teams from \u001b[91mconfrontational\u001b[0m \u001b[91minstitutes\u001b[0m are in the \u001b[91miii\u001b[0m quarter of a game.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 289 / 8 / 43 / 340: 34%|▎| 341/1000 [00:--------------------------------------------- Result 341 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two college football players battle it out outdoors on the field during game day, where one is the quarterback trying to throw the ball, and the other player is in action about to sack the quarterback.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[91mgirls\u001b[0m playing \u001b[91mbasketball\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two college football players battle it out outdoors on the field during game day, where one is the quarterback trying to throw the ball, and the other player is in action about to sack the quarterback.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[37mfemales\u001b[0m playing \u001b[37mball\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 290 / 8 / 43 / 341: 34%|▎| 341/1000 [00:--------------------------------------------- Result 342 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two college football players battle it out outdoors on the field during game day, where one is the quarterback trying to throw the ball, and the other player is in action about to sack the quarterback.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m college football game.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two college football players battle it out outdoors on the field during game day, where one is the quarterback trying to throw the ball, and the other player is in action about to sack the quarterback.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mparas\u001b[0m college football game.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 291 / 8 / 43 / 342: 34%|▎| 342/1000 [00:--------------------------------------------- Result 343 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people are playing American Football and one of them is trying to stop the other from throwing the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A lineman is \u001b[37mtrying\u001b[0m to \u001b[37mtackle\u001b[0m the quarterback before he \u001b[37mmakes\u001b[0m the game \u001b[37mwinning\u001b[0m touchdown.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people are playing American Football and one of them is trying to stop the other from throwing the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A lineman is \u001b[91maspires\u001b[0m to \u001b[91mtreat\u001b[0m the quarterback before he \u001b[91mallows\u001b[0m the game \u001b[91mtriomphe\u001b[0m touchdown.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 292 / 8 / 43 / 343: 34%|▎| 344/1000 [00:--------------------------------------------- Result 344 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people are playing American Football and one of them is trying to stop the other from throwing the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mpitcher\u001b[0m throws the \u001b[91mbaseball\u001b[0m to the batter as he attempts to hit it out of the park.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people are playing American Football and one of them is trying to stop the other from throwing the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mleaguer\u001b[0m throws the \u001b[37mfootball\u001b[0m to the batter as he attempts to hit it out of the park.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 293 / 8 / 43 / 344: 34%|▎| 344/1000 [00:--------------------------------------------- Result 345 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people are playing American Football and one of them is trying to stop the other from throwing the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A game of \u001b[92mfootball\u001b[0m is being \u001b[92mplayed\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people are playing American Football and one of them is trying to stop the other from throwing the ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A game of \u001b[91mfootballs\u001b[0m is being \u001b[91mwalked\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 294 / 8 / 43 / 345: 34%|▎| 345/1000 [00:--------------------------------------------- Result 346 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (95%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing billiards at a bar.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is playing with \u001b[37mfriends\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing billiards at a bar.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is playing with \u001b[91mgrooms\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 295 / 8 / 43 / 346: 35%|▎| 347/1000 [01:--------------------------------------------- Result 347 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing billiards at a bar.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[92mplaying\u001b[0m billiards.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing billiards at a bar.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mreplicating\u001b[0m billiards.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 296 / 8 / 43 / 347: 35%|▎| 347/1000 [01:--------------------------------------------- Result 348 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing billiards at a bar.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mplaying\u001b[0m \u001b[91mcheckers\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man playing billiards at a bar.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[37mwagers\u001b[0m \u001b[37mdamas\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 297 / 8 / 43 / 348: 35%|▎| 348/1000 [01:--------------------------------------------- Result 349 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden dog passes a blue ball to another golden dog on the beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dogs are \u001b[37mfriends\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden dog passes a blue ball to another golden dog on the beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dogs are \u001b[91mhomeys\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 298 / 8 / 43 / 349: 35%|▎| 350/1000 [01:--------------------------------------------- Result 350 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (81%)\u001b[0m --> \u001b[37mNeutral (63%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden dog passes a blue ball to another golden dog on the beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dogs are \u001b[91mrefusing\u001b[0m to share.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden dog passes a blue ball to another golden dog on the beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dogs are \u001b[37mdenying\u001b[0m to share.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 299 / 8 / 43 / 350: 35%|▎| 350/1000 [01:--------------------------------------------- Result 351 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (86%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden dog passes a blue ball to another golden dog on the beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The golden dog is playing ball with another dog \u001b[92moutside\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden dog passes a blue ball to another golden dog on the beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The golden dog is playing ball with another dog \u001b[37mbesides\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 300 / 8 / 43 / 351: 35%|▎| 351/1000 [01:--------------------------------------------- Result 352 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (74%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are on an escalator waiting to get to their destination while looking outside of the glass that makes up the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are going up on the escalator.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 300 / 8 / 44 / 352: 35%|▎| 353/1000 [01:--------------------------------------------- Result 353 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are on an escalator waiting to get to their destination while looking outside of the glass that makes up the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are taking the elevator.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 300 / 9 / 44 / 353: 35%|▎| 353/1000 [01:--------------------------------------------- Result 354 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are on an escalator waiting to get to their destination while looking outside of the glass that makes up the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mPeople\u001b[0m are riding on the \u001b[92mescalator\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are on an escalator waiting to get to their destination while looking outside of the glass that makes up the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBurgers\u001b[0m are riding on the \u001b[91mescalators\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 301 / 9 / 44 / 354: 35%|▎| 354/1000 [01:--------------------------------------------- Result 355 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (77%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is weaving with a comb in her hand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is at work.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 301 / 9 / 45 / 355: 36%|▎| 356/1000 [01:--------------------------------------------- Result 356 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is weaving with a comb in her hand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is doing something with her \u001b[92mhands\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is weaving with a comb in her hand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is doing something with her \u001b[37mmanos\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 302 / 9 / 45 / 356: 36%|▎| 356/1000 [01:--------------------------------------------- Result 357 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman is weaving with a comb in her hand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is sitting with empty hands.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 302 / 10 / 45 / 357: 36%|▎| 357/1000 [01--------------------------------------------- Result 358 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (57%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy is riding down the road between two cows.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy rides a horse by two cows.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 302 / 10 / 46 / 358: 36%|▎| 359/1000 [01--------------------------------------------- Result 359 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy is riding down the road between two cows.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy, a \u001b[92mroad\u001b[0m and two cows.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy is riding down the road between two cows.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy, a \u001b[37mexpressway\u001b[0m and two cows.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 303 / 10 / 46 / 359: 36%|▎| 359/1000 [01--------------------------------------------- Result 360 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy is riding down the road between two cows.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91msingle\u001b[0m \u001b[91mcow\u001b[0m is alone.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy is riding down the road between two cows.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mincomparable\u001b[0m \u001b[37mcows\u001b[0m is alone.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 304 / 10 / 46 / 360: 36%|▎| 360/1000 [01--------------------------------------------- Result 361 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A birthday party for many little people to enjoy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Children enjoying a birthday party.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 304 / 10 / 47 / 361: 36%|▎| 362/1000 [01--------------------------------------------- Result 362 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A birthday party for many little people to enjoy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Children are \u001b[91mrunning\u001b[0m down the street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A birthday party for many little people to enjoy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Children are \u001b[37mmanaged\u001b[0m down the street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 305 / 10 / 47 / 362: 36%|▎| 362/1000 [01--------------------------------------------- Result 363 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (93%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A birthday party for many little people to enjoy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Children at a birthday party.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 305 / 10 / 48 / 363: 36%|▎| 363/1000 [01--------------------------------------------- Result 364 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (62%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: There are five singers on a stage, three women and two men.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are more females than \u001b[92mmales\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: There are five singers on a stage, three women and two men.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are more females than \u001b[37mhomme\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 306 / 10 / 48 / 364: 36%|▎| 365/1000 [01--------------------------------------------- Result 365 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[37mNeutral (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: There are five singers on a stage, three women and two men.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The performers are playing \u001b[91mbagpipes\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: There are five singers on a stage, three women and two men.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The performers are playing \u001b[37mconduits\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 307 / 10 / 48 / 365: 36%|▎| 365/1000 [01--------------------------------------------- Result 366 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[92mEntailment (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: There are five singers on a stage, three women and two men.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people performing are part of a \u001b[37mchorus\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: There are five singers on a stage, three women and two men.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people performing are part of a \u001b[92msong\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 308 / 10 / 48 / 366: 37%|▎| 366/1000 [01--------------------------------------------- Result 367 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men are standing in a boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some men are standing on top of a \u001b[91mcar\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men are standing in a boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some men are standing on top of a \u001b[92mvehicle\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 309 / 10 / 48 / 367: 37%|▎| 368/1000 [01--------------------------------------------- Result 368 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[92mEntailment (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men are standing in a boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A few \u001b[37mmen\u001b[0m are \u001b[37mfishing\u001b[0m on a boat.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men are standing in a boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A few \u001b[92mman\u001b[0m are \u001b[92mfiske\u001b[0m on a boat.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 310 / 10 / 48 / 368: 37%|▎| 368/1000 [01--------------------------------------------- Result 369 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (91%)\u001b[0m --> \u001b[91mContradiction (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men are standing in a boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[92mpeople\u001b[0m are in a boat.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men are standing in a boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[91mburgers\u001b[0m are in a boat.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 311 / 10 / 48 / 369: 37%|▎| 369/1000 [01--------------------------------------------- Result 370 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (84%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young woman is putting her clothes in the dryer portion of a double stacked washer and dryer unit.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mperson\u001b[0m drying clothes\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young woman is putting her clothes in the dryer portion of a double stacked washer and dryer unit.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mwhosoever\u001b[0m drying clothes\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 312 / 10 / 48 / 370: 37%|▎| 371/1000 [01--------------------------------------------- Result 371 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young woman is putting her clothes in the dryer portion of a double stacked washer and dryer unit.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mNobody\u001b[0m is drying clothes.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young woman is putting her clothes in the dryer portion of a double stacked washer and dryer unit.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mPersona\u001b[0m is drying clothes.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 313 / 10 / 48 / 371: 37%|▎| 371/1000 [01--------------------------------------------- Result 372 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young woman is putting her clothes in the dryer portion of a double stacked washer and dryer unit.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A tall person drying clothes\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 313 / 10 / 49 / 372: 37%|▎| 372/1000 [01--------------------------------------------- Result 373 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[37mNeutral (91%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The sun breaks through the trees as a child rides a swing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is riding a swing in the \u001b[91mrain\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The sun breaks through the trees as a child rides a swing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is riding a swing in the \u001b[37mdownpour\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 314 / 10 / 49 / 373: 37%|▎| 374/1000 [01--------------------------------------------- Result 374 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The sun breaks through the trees as a child rides a swing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child rides a swing in the \u001b[92mdaytime\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The sun breaks through the trees as a child rides a swing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child rides a swing in the \u001b[37mjour\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 315 / 10 / 49 / 374: 37%|▎| 374/1000 [01--------------------------------------------- Result 375 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The sun breaks through the trees as a child rides a swing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child on the \u001b[37mswing\u001b[0m is a \u001b[37mgirl\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The sun breaks through the trees as a child rides a swing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child on the \u001b[91mseesaw\u001b[0m is a \u001b[91mfeminine\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 316 / 10 / 49 / 375: 38%|▍| 375/1000 [01--------------------------------------------- Result 376 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (85%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Everyone on the street in the city seem to be busy doing their own thing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mPeople\u001b[0m are milling about the city street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Everyone on the street in the city seem to be busy doing their own thing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mNationals\u001b[0m are milling about the city street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 317 / 10 / 49 / 376: 38%|▍| 377/1000 [01--------------------------------------------- Result 377 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (54%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Everyone on the street in the city seem to be busy doing their own thing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are watching what is happening.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 317 / 10 / 50 / 377: 38%|▍| 377/1000 [01--------------------------------------------- Result 378 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (79%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Everyone on the street in the city seem to be busy doing their own thing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are conducting business in the city.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 317 / 10 / 51 / 378: 38%|▍| 378/1000 [01--------------------------------------------- Result 379 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an apron smiles as he pokes a frying donut with a little metal stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mman\u001b[0m is cooking food.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an apron smiles as he pokes a frying donut with a little metal stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mhomme\u001b[0m is cooking food.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 318 / 10 / 51 / 379: 38%|▍| 380/1000 [01--------------------------------------------- Result 380 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (90%)\u001b[0m --> \u001b[92mEntailment (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an apron smiles as he pokes a frying donut with a little metal stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m man is in the kitchen of a \u001b[37mrestaurant\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an apron smiles as he pokes a frying donut with a little metal stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mBoth\u001b[0m man is in the kitchen of a \u001b[92mfood\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 319 / 10 / 51 / 380: 38%|▍| 380/1000 [01--------------------------------------------- Result 381 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[92mEntailment (45%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an apron smiles as he pokes a frying donut with a little metal stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91mwashing\u001b[0m his \u001b[91mcar\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in an apron smiles as he pokes a frying donut with a little metal stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[92mcleaners\u001b[0m his \u001b[92mvehicle\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 320 / 10 / 51 / 381: 38%|▍| 381/1000 [01--------------------------------------------- Result 382 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (41%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in tennis clothes running to hit a ball with her tennis racket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m \u001b[92mwoman\u001b[0m plays tennis.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in tennis clothes running to hit a ball with her tennis racket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mpara\u001b[0m \u001b[37mfemme\u001b[0m plays tennis.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 321 / 10 / 51 / 382: 38%|▍| 383/1000 [01--------------------------------------------- Result 383 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (92%)\u001b[0m --> \u001b[91mContradiction (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in tennis clothes running to hit a ball with her tennis racket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Serina \u001b[37mWilliams\u001b[0m plays \u001b[37mtennis\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in tennis clothes running to hit a ball with her tennis racket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Serina \u001b[91mRobinson\u001b[0m plays \u001b[91mopen\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 322 / 10 / 51 / 383: 38%|▍| 383/1000 [01--------------------------------------------- Result 384 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (54%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in tennis clothes running to hit a ball with her tennis racket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Pete Sampras plays tennis.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 322 / 10 / 52 / 384: 38%|▍| 384/1000 [01--------------------------------------------- Result 385 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (45%)\u001b[0m --> \u001b[91mContradiction (100%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women are playing volleyball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They women are hitting a \u001b[92mball\u001b[0m with their arms\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women are playing volleyball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They women are hitting a \u001b[91mballoon\u001b[0m with their arms\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 323 / 10 / 52 / 385: 39%|▍| 386/1000 [01--------------------------------------------- Result 386 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (65%)\u001b[0m --> \u001b[91mContradiction (92%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women are playing volleyball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: This doesn't \u001b[92mlook\u001b[0m like soccer\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women are playing volleyball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: This doesn't \u001b[91mlisten\u001b[0m like soccer\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 324 / 10 / 52 / 386: 39%|▍| 386/1000 [01--------------------------------------------- Result 387 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women are playing volleyball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A bunch of women are \u001b[92mplaying\u001b[0m volleyball\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women are playing volleyball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A bunch of women are \u001b[37mgambling\u001b[0m volleyball\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 325 / 10 / 52 / 387: 39%|▍| 387/1000 [01--------------------------------------------- Result 388 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women's volleyball teams are competing against each other on a salmon-colored and turquoise court while a referee in black watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: volleyball match is in progress between \u001b[92mladies\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women's volleyball teams are competing against each other on a salmon-colored and turquoise court while a referee in black watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: volleyball match is in progress between \u001b[37mmesdames\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 326 / 10 / 52 / 388: 39%|▍| 389/1000 [01--------------------------------------------- Result 389 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (54%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women's volleyball teams are competing against each other on a salmon-colored and turquoise court while a referee in black watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: 12 ladies play volleyball\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 326 / 10 / 53 / 389: 39%|▍| 389/1000 [01--------------------------------------------- Result 390 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two women's volleyball teams are competing against each other on a salmon-colored and turquoise court while a referee in black watches.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: ten boys play cricket\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 326 / 11 / 53 / 390: 39%|▍| 390/1000 [01--------------------------------------------- Result 391 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (88%)\u001b[0m --> \u001b[92mEntailment (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy with a blue bike helmet and a woman in a green bike helmet are riding bikes down a street with other various bike riders.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A mother and her \u001b[37mson\u001b[0m ride bikes with others down a street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy with a blue bike helmet and a woman in a green bike helmet are riding bikes down a street with other various bike riders.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A mother and her \u001b[92mkid\u001b[0m ride bikes with others down a street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 327 / 11 / 53 / 391: 39%|▍| 392/1000 [01--------------------------------------------- Result 392 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (92%)\u001b[0m --> \u001b[92mEntailment (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy with a blue bike helmet and a woman in a green bike helmet are riding bikes down a street with other various bike riders.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people are \u001b[91mchanging\u001b[0m a bike \u001b[91mtire\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy with a blue bike helmet and a woman in a green bike helmet are riding bikes down a street with other various bike riders.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people are \u001b[92madaptations\u001b[0m a bike \u001b[92mtyre\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 328 / 11 / 53 / 392: 39%|▍| 392/1000 [01--------------------------------------------- Result 393 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (89%)\u001b[0m --> \u001b[91mContradiction (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy with a blue bike helmet and a woman in a green bike helmet are riding bikes down a street with other various bike riders.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people \u001b[92mride\u001b[0m bikes together down a street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A little boy with a blue bike helmet and a woman in a green bike helmet are riding bikes down a street with other various bike riders.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people \u001b[91mdrive\u001b[0m bikes together down a street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 329 / 11 / 53 / 393: 39%|▍| 393/1000 [01--------------------------------------------- Result 394 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (78%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are riding bicycles in the street, and they are all wearing helmets.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[37mfriends\u001b[0m are biking through a street, all wearing their helmets\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are riding bicycles in the street, and they are all wearing helmets.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[92mamigos\u001b[0m are biking through a street, all wearing their helmets\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 330 / 11 / 53 / 394: 40%|▍| 395/1000 [01--------------------------------------------- Result 395 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are riding bicycles in the street, and they are all wearing helmets.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of friends are grabbing their bikes, getting ready for the morning bike ride\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 330 / 11 / 54 / 395: 40%|▍| 395/1000 [01--------------------------------------------- Result 396 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are riding bicycles in the street, and they are all wearing helmets.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of bicyclists are on a \u001b[92mstreet\u001b[0m \u001b[92moutside\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People are riding bicycles in the street, and they are all wearing helmets.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of bicyclists are on a \u001b[37mthoroughfare\u001b[0m \u001b[37mbesides\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 331 / 11 / 54 / 396: 40%|▍| 396/1000 [01--------------------------------------------- Result 397 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (73%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A middle eastern marketplace.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m middle easten store.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A middle eastern marketplace.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37manother\u001b[0m middle easten store.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 332 / 11 / 54 / 397: 40%|▍| 398/1000 [01--------------------------------------------- Result 398 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A middle eastern marketplace.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An \u001b[91mAmerican\u001b[0m \u001b[91mtheater\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A middle eastern marketplace.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An \u001b[37mLatin\u001b[0m \u001b[37mbroadway\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 333 / 11 / 54 / 398: 40%|▍| 398/1000 [01--------------------------------------------- Result 399 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (52%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A middle eastern marketplace.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A foreign store.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 333 / 11 / 55 / 399: 40%|▍| 399/1000 [01--------------------------------------------- Result 400 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a woman in a black shirt looking at a bicycle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman sees a \u001b[92mbicycle\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a woman in a black shirt looking at a bicycle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman sees a \u001b[91mmotorbike\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 334 / 11 / 55 / 400: 40%|▍| 401/1000 [01--------------------------------------------- Result 401 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (54%)\u001b[0m --> \u001b[92mEntailment (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a woman in a black shirt looking at a bicycle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman dressed in black \u001b[37mshops\u001b[0m for a bicycle.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a woman in a black shirt looking at a bicycle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman dressed in black \u001b[92mshop\u001b[0m for a bicycle.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 335 / 11 / 55 / 401: 40%|▍| 401/1000 [01--------------------------------------------- Result 402 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a woman in a black shirt looking at a bicycle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mwoman\u001b[0m in \u001b[91mgreen\u001b[0m \u001b[91msleeps\u001b[0m on a \u001b[91mcouch\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a woman in a black shirt looking at a bicycle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mlady\u001b[0m in \u001b[92menvironmental\u001b[0m \u001b[92msor\u001b[0m on a \u001b[92mdiwan\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 336 / 11 / 55 / 402: 40%|▍| 402/1000 [01--------------------------------------------- Result 403 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (87%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men playing drums in very orange lighting while one of them is also drinking something out of a bottle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the men are musicians\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 336 / 11 / 56 / 403: 40%|▍| 404/1000 [01--------------------------------------------- Result 404 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men playing drums in very orange lighting while one of them is also drinking something out of a bottle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the men are asleep in the motel\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 336 / 12 / 56 / 404: 40%|▍| 404/1000 [01--------------------------------------------- Result 405 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men playing drums in very orange lighting while one of them is also drinking something out of a bottle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: four men \u001b[92mplay\u001b[0m drums\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men playing drums in very orange lighting while one of them is also drinking something out of a bottle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: four men \u001b[37mcheek\u001b[0m drums\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 337 / 12 / 56 / 405: 40%|▍| 405/1000 [01--------------------------------------------- Result 406 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (45%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boys in green and blue jerseys kick around a soccer ball while other soccer games take place in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Young \u001b[91mboys\u001b[0m \u001b[91mthrowing\u001b[0m a \u001b[91mbaseball\u001b[0m at a baseball \u001b[91mfield\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boys in green and blue jerseys kick around a soccer ball while other soccer games take place in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Young \u001b[37mson\u001b[0m \u001b[37mbearing\u001b[0m a \u001b[37msoccer\u001b[0m at a baseball \u001b[37mterrain\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 338 / 12 / 56 / 406: 41%|▍| 407/1000 [01--------------------------------------------- Result 407 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (80%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boys in green and blue jerseys kick around a soccer ball while other soccer games take place in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Young boys waiting for their soccer game.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 338 / 12 / 57 / 407: 41%|▍| 407/1000 [01--------------------------------------------- Result 408 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boys in green and blue jerseys kick around a soccer ball while other soccer games take place in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Young boys \u001b[92mkicking\u001b[0m around a soccer ball.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boys in green and blue jerseys kick around a soccer ball while other soccer games take place in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Young boys \u001b[91mslamming\u001b[0m around a soccer ball.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 339 / 12 / 57 / 408: 41%|▍| 408/1000 [01--------------------------------------------- Result 409 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a one piece tunic is riding a bike in front of a sandstone wall while touching his nose.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[37mtesting\u001b[0m the bike.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a one piece tunic is riding a bike in front of a sandstone wall while touching his nose.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[92mverifies\u001b[0m the bike.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 340 / 12 / 57 / 409: 41%|▍| 410/1000 [01--------------------------------------------- Result 410 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a one piece tunic is riding a bike in front of a sandstone wall while touching his nose.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is driving a \u001b[91mtruck\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a one piece tunic is riding a bike in front of a sandstone wall while touching his nose.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is driving a \u001b[92mvehicle\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 341 / 12 / 57 / 410: 41%|▍| 410/1000 [01--------------------------------------------- Result 411 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a one piece tunic is riding a bike in front of a sandstone wall while touching his nose.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is riding a \u001b[92mbike\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a one piece tunic is riding a bike in front of a sandstone wall while touching his nose.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is riding a \u001b[91mmotorcycle\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 342 / 12 / 57 / 411: 41%|▍| 411/1000 [01--------------------------------------------- Result 412 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy and a girl look down a mountain range.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people look at the \u001b[92mmountains\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy and a girl look down a mountain range.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people look at the \u001b[37mmontagne\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 343 / 12 / 57 / 412: 41%|▍| 413/1000 [01--------------------------------------------- Result 413 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (92%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy and a girl look down a mountain range.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The couple is \u001b[37mgoing\u001b[0m to \u001b[37mclimb\u001b[0m the mountains.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy and a girl look down a mountain range.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The couple is \u001b[91mrelinquishing\u001b[0m to \u001b[91mspiralling\u001b[0m the mountains.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 344 / 12 / 57 / 413: 41%|▍| 413/1000 [01--------------------------------------------- Result 414 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (44%)\u001b[0m --> \u001b[92mEntailment (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy and a girl look down a mountain range.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mpeople\u001b[0m look into the sky.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A guy and a girl look down a mountain range.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mperson\u001b[0m look into the sky.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 345 / 12 / 57 / 414: 41%|▍| 414/1000 [01--------------------------------------------- Result 415 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (86%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting in the green chair, talking on the phone, and working on the laptop, and there is construction site next to his building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91mpacing\u001b[0m nervously.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting in the green chair, talking on the phone, and working on the laptop, and there is construction site next to his building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[37mpace\u001b[0m nervously.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 346 / 12 / 57 / 415: 42%|▍| 416/1000 [01--------------------------------------------- Result 416 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (50%)\u001b[0m --> \u001b[92mEntailment (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting in the green chair, talking on the phone, and working on the laptop, and there is construction site next to his building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man can hear the construction \u001b[37mgoing\u001b[0m on.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting in the green chair, talking on the phone, and working on the laptop, and there is construction site next to his building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man can hear the construction \u001b[92mgo\u001b[0m on.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 347 / 12 / 57 / 416: 42%|▍| 416/1000 [01--------------------------------------------- Result 417 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (44%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting in the green chair, talking on the phone, and working on the laptop, and there is construction site next to his building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mman\u001b[0m can is on the phone.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting in the green chair, talking on the phone, and working on the laptop, and there is construction site next to his building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mhomme\u001b[0m can is on the phone.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 348 / 12 / 57 / 417: 42%|▍| 417/1000 [01--------------------------------------------- Result 418 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy hits a tennis ball on a court.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mgirl\u001b[0m is hitting the ball.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy hits a tennis ball on a court.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfille\u001b[0m is hitting the ball.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 349 / 12 / 57 / 418: 42%|▍| 419/1000 [01--------------------------------------------- Result 419 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[92mEntailment (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy hits a tennis ball on a court.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[37mgood\u001b[0m at tennis.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy hits a tennis ball on a court.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[92msuitable\u001b[0m at tennis.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 350 / 12 / 57 / 419: 42%|▍| 419/1000 [01--------------------------------------------- Result 420 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy hits a tennis ball on a court.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is hitting a \u001b[92mball\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy hits a tennis ball on a court.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is hitting a \u001b[91mbal\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 351 / 12 / 57 / 420: 42%|▍| 420/1000 [01--------------------------------------------- Result 421 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (86%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden retriever nurses puppies.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A golden retriever \u001b[37mnurses\u001b[0m some other dogs puppies\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden retriever nurses puppies.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A golden retriever \u001b[92mmidwives\u001b[0m some other dogs puppies\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 352 / 12 / 57 / 421: 42%|▍| 422/1000 [01--------------------------------------------- Result 422 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (76%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden retriever nurses puppies.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Puppies next to their mother\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 352 / 12 / 58 / 422: 42%|▍| 422/1000 [01--------------------------------------------- Result 423 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden retriever nurses puppies.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mcat\u001b[0m nurses puppies\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golden retriever nurses puppies.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mpussy\u001b[0m nurses puppies\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 353 / 12 / 58 / 423: 42%|▍| 423/1000 [01--------------------------------------------- Result 424 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (73%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a heavy brown winter coat stands in front of a blue railing with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young man is at his grandmothers house.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 353 / 12 / 59 / 424: 42%|▍| 425/1000 [01--------------------------------------------- Result 425 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (79%)\u001b[0m --> \u001b[91mContradiction (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a heavy brown winter coat stands in front of a blue railing with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The railing is in front of a frozen \u001b[37mlake\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a heavy brown winter coat stands in front of a blue railing with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The railing is in front of a frozen \u001b[91mlago\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 354 / 12 / 59 / 425: 42%|▍| 425/1000 [01--------------------------------------------- Result 426 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a heavy brown winter coat stands in front of a blue railing with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man spreads his \u001b[92marms\u001b[0m while standing in front of a railing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a heavy brown winter coat stands in front of a blue railing with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man spreads his \u001b[37mbras\u001b[0m while standing in front of a railing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 355 / 12 / 59 / 426: 43%|▍| 426/1000 [01--------------------------------------------- Result 427 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (91%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a down jacket with his arms spread and holding a pink comb.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man was wearing a jacket in \u001b[37mwinter\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a down jacket with his arms spread and holding a pink comb.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man was wearing a jacket in \u001b[91mhibernation\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 356 / 12 / 59 / 427: 43%|▍| 428/1000 [01--------------------------------------------- Result 428 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[92mEntailment (38%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a down jacket with his arms spread and holding a pink comb.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone wearing a cotton shirt was looking at a \u001b[91mgreen\u001b[0m hair comb.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a down jacket with his arms spread and holding a pink comb.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone wearing a cotton shirt was looking at a \u001b[92mvert\u001b[0m hair comb.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 357 / 12 / 59 / 428: 43%|▍| 428/1000 [01--------------------------------------------- Result 429 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a down jacket with his arms spread and holding a pink comb.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man was wearing a \u001b[92mjacket\u001b[0m while holding a comb.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a down jacket with his arms spread and holding a pink comb.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man was wearing a \u001b[91mwindbreaker\u001b[0m while holding a comb.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 358 / 12 / 59 / 429: 43%|▍| 429/1000 [01--------------------------------------------- Result 430 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91mContradiction (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a brown jacket stands with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mman\u001b[0m pleads for \u001b[37mmercy\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a brown jacket stands with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mfella\u001b[0m pleads for \u001b[91mleniency\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 359 / 12 / 59 / 430: 43%|▍| 431/1000 [01--------------------------------------------- Result 431 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (90%)\u001b[0m --> \u001b[91mContradiction (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a brown jacket stands with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mman\u001b[0m is upright.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a brown jacket stands with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mfella\u001b[0m is upright.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 360 / 12 / 59 / 431: 43%|▍| 431/1000 [01--------------------------------------------- Result 432 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a brown jacket stands with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mman\u001b[0m \u001b[91msits\u001b[0m crosslegged on the \u001b[91mfloor\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a brown jacket stands with his arms spread.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mcomrade\u001b[0m \u001b[37mheadquarters\u001b[0m crosslegged on the \u001b[37mfloors\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 361 / 12 / 59 / 432: 43%|▍| 432/1000 [01--------------------------------------------- Result 433 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (52%)\u001b[0m --> \u001b[91mContradiction (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red vest is walking past a black and green fence.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man wearing the vest is walking down the \u001b[37mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red vest is walking past a black and green fence.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man wearing the vest is walking down the \u001b[91mrue\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 362 / 12 / 59 / 433: 43%|▍| 434/1000 [01--------------------------------------------- Result 434 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red vest is walking past a black and green fence.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is wearing a \u001b[92mvest\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red vest is walking past a black and green fence.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is wearing a \u001b[91mwaistcoat\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 363 / 12 / 59 / 434: 43%|▍| 434/1000 [01--------------------------------------------- Result 435 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red vest is walking past a black and green fence.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mman\u001b[0m wearing the vest is \u001b[91msitting\u001b[0m on the \u001b[91msofa\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a red vest is walking past a black and green fence.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mvirile\u001b[0m wearing the vest is \u001b[37mtis\u001b[0m on the \u001b[37msettee\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 364 / 12 / 59 / 435: 44%|▍| 435/1000 [01--------------------------------------------- Result 436 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (55%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These girls are having a great time looking for seashells.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girls are happy.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 364 / 12 / 60 / 436: 44%|▍| 437/1000 [01--------------------------------------------- Result 437 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These girls are having a great time looking for seashells.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girls are \u001b[91mtaking\u001b[0m a \u001b[91mnap\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These girls are having a great time looking for seashells.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girls are \u001b[37mdecided\u001b[0m a \u001b[37msiesta\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 365 / 12 / 60 / 437: 44%|▍| 437/1000 [01--------------------------------------------- Result 438 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (52%)\u001b[0m --> \u001b[91mContradiction (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These girls are having a great time looking for seashells.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mgirls\u001b[0m are outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: These girls are having a great time looking for seashells.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mwhores\u001b[0m are outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 366 / 12 / 60 / 438: 44%|▍| 438/1000 [01--------------------------------------------- Result 439 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is playing the saxophone in the street and some people are sitting on the curb next to the street by him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is playing an instrument on the street \u001b[92mnear\u001b[0m other people.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is playing the saxophone in the street and some people are sitting on the curb next to the street by him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is playing an instrument on the street \u001b[37mtightest\u001b[0m other people.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 367 / 12 / 60 / 439: 44%|▍| 440/1000 [01--------------------------------------------- Result 440 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is playing the saxophone in the street and some people are sitting on the curb next to the street by him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[37mtrying\u001b[0m to earn money by \u001b[37mplaying\u001b[0m for other people on the street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is playing the saxophone in the street and some people are sitting on the curb next to the street by him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91maspires\u001b[0m to earn money by \u001b[91mballgame\u001b[0m for other people on the street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 368 / 12 / 60 / 440: 44%|▍| 440/1000 [01--------------------------------------------- Result 441 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is playing the saxophone in the street and some people are sitting on the curb next to the street by him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is flying crosscountry.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 368 / 13 / 60 / 441: 44%|▍| 441/1000 [01--------------------------------------------- Result 442 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A standing man talks to a seated woman while on some sort of vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[92mpeople\u001b[0m are talking.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A standing man talks to a seated woman while on some sort of vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mcompatriots\u001b[0m are talking.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 369 / 13 / 60 / 442: 44%|▍| 443/1000 [01--------------------------------------------- Result 443 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (78%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A standing man talks to a seated woman while on some sort of vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three people are having a meeting.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 369 / 13 / 61 / 443: 44%|▍| 443/1000 [01--------------------------------------------- Result 444 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (82%)\u001b[0m --> \u001b[92mEntailment (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A standing man talks to a seated woman while on some sort of vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two people are discussing their \u001b[37mrelationship\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A standing man talks to a seated woman while on some sort of vehicle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two people are discussing their \u001b[92mrelation\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 370 / 13 / 61 / 444: 44%|▍| 444/1000 [01--------------------------------------------- Result 445 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy with close-cropped hair, wearing a red robe, is holding a black kettle as someone is about to pour something in it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a small boy \u001b[91mruns\u001b[0m through the corn field\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy with close-cropped hair, wearing a red robe, is holding a black kettle as someone is about to pour something in it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a small boy \u001b[37mundertakes\u001b[0m through the corn field\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 371 / 13 / 61 / 445: 45%|▍| 446/1000 [01--------------------------------------------- Result 446 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy with close-cropped hair, wearing a red robe, is holding a black kettle as someone is about to pour something in it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a small boy holds a \u001b[37mkettle\u001b[0m that will soon be filled with salsa\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy with close-cropped hair, wearing a red robe, is holding a black kettle as someone is about to pour something in it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a small boy holds a \u001b[91mpercolator\u001b[0m that will soon be filled with salsa\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 372 / 13 / 61 / 446: 45%|▍| 446/1000 [01--------------------------------------------- Result 447 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (58%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy with close-cropped hair, wearing a red robe, is holding a black kettle as someone is about to pour something in it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a small boy is holding a kettle that will soon be filled\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 372 / 13 / 62 / 447: 45%|▍| 447/1000 [01--------------------------------------------- Result 448 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four people and a baby are crossing the street at a crosswalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People and a \u001b[91mbaby\u001b[0m \u001b[91mriding\u001b[0m the \u001b[91mbus\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four people and a baby are crossing the street at a crosswalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People and a \u001b[37mdaughter\u001b[0m \u001b[37mcheval\u001b[0m the \u001b[37momnibus\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 373 / 13 / 62 / 448: 45%|▍| 449/1000 [01--------------------------------------------- Result 449 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four people and a baby are crossing the street at a crosswalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People and a baby crossing the \u001b[92mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four people and a baby are crossing the street at a crosswalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People and a baby crossing the \u001b[91mrue\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 374 / 13 / 62 / 449: 45%|▍| 449/1000 [01--------------------------------------------- Result 450 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four people and a baby are crossing the street at a crosswalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People and a baby are \u001b[37mcrossing\u001b[0m the street at a crosswalk to get \u001b[37mhome\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four people and a baby are crossing the street at a crosswalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People and a baby are \u001b[91mstraddling\u001b[0m the street at a crosswalk to get \u001b[91mhabitation\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 375 / 13 / 62 / 450: 45%|▍| 450/1000 [01--------------------------------------------- Result 451 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two woman wearing dresses are standing outside on the grass while one of them is holding a cup and saucer.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two people are standing on the \u001b[92mgrass\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two woman wearing dresses are standing outside on the grass while one of them is holding a cup and saucer.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two people are standing on the \u001b[91msod\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 376 / 13 / 62 / 451: 45%|▍| 452/1000 [01--------------------------------------------- Result 452 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two woman wearing dresses are standing outside on the grass while one of them is holding a cup and saucer.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two women in dresses are \u001b[37mgetting\u001b[0m ready for the \u001b[37mpicnic\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two woman wearing dresses are standing outside on the grass while one of them is holding a cup and saucer.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two women in dresses are \u001b[92mattains\u001b[0m ready for the \u001b[92mpotluck\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 377 / 13 / 62 / 452: 45%|▍| 452/1000 [01--------------------------------------------- Result 453 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two woman wearing dresses are standing outside on the grass while one of them is holding a cup and saucer.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women are having a conversation at the \u001b[91moffice\u001b[0m,\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two woman wearing dresses are standing outside on the grass while one of them is holding a cup and saucer.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women are having a conversation at the \u001b[37msalle\u001b[0m,\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 378 / 13 / 62 / 453: 45%|▍| 453/1000 [01--------------------------------------------- Result 454 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (67%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman leans over a small fence to take a picture of a yellow flower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mwoman\u001b[0m is a \u001b[37mprofessional\u001b[0m \u001b[37mphotographer\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman leans over a small fence to take a picture of a yellow flower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mfeminine\u001b[0m is a \u001b[92mspecialised\u001b[0m \u001b[92mphotography\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 379 / 13 / 62 / 454: 46%|▍| 455/1000 [01--------------------------------------------- Result 455 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman leans over a small fence to take a picture of a yellow flower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The flower is \u001b[91mblue\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman leans over a small fence to take a picture of a yellow flower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The flower is \u001b[37mbleu\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 380 / 13 / 62 / 455: 46%|▍| 455/1000 [01--------------------------------------------- Result 456 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (88%)\u001b[0m --> \u001b[37mNeutral (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman leans over a small fence to take a picture of a yellow flower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[92mtaking\u001b[0m pictures\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman leans over a small fence to take a picture of a yellow flower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[37mpicking\u001b[0m pictures\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 381 / 13 / 62 / 456: 46%|▍| 456/1000 [01--------------------------------------------- Result 457 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of four children pose on a muddy beach, smiling and making faces.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four kids pose on a \u001b[92mbeach\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of four children pose on a muddy beach, smiling and making faces.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four kids pose on a \u001b[91mseaboard\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 382 / 13 / 62 / 457: 46%|▍| 458/1000 [01--------------------------------------------- Result 458 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of four children pose on a muddy beach, smiling and making faces.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four kids pose during summer \u001b[37mvacation\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of four children pose on a muddy beach, smiling and making faces.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four kids pose during summer \u001b[91mvacant\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 383 / 13 / 62 / 458: 46%|▍| 458/1000 [01--------------------------------------------- Result 459 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of four children pose on a muddy beach, smiling and making faces.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mman\u001b[0m \u001b[91mstirs\u001b[0m the stew.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of four children pose on a muddy beach, smiling and making faces.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mcomrade\u001b[0m \u001b[37mnurtures\u001b[0m the stew.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 384 / 13 / 62 / 459: 46%|▍| 459/1000 [01--------------------------------------------- Result 460 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several men at a bar watch a sports game on the television.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some men are watching TV at a \u001b[92mbar\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several men at a bar watch a sports game on the television.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some men are watching TV at a \u001b[37msaloon\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 385 / 13 / 62 / 460: 46%|▍| 461/1000 [01--------------------------------------------- Result 461 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[91mContradiction (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several men at a bar watch a sports game on the television.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are men drinking \u001b[37mbeer\u001b[0m at a sports bar.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several men at a bar watch a sports game on the television.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are men drinking \u001b[91mbrewery\u001b[0m at a sports bar.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 386 / 13 / 62 / 461: 46%|▍| 461/1000 [01--------------------------------------------- Result 462 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several men at a bar watch a sports game on the television.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are at a baseball game.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 386 / 13 / 63 / 462: 46%|▍| 462/1000 [01--------------------------------------------- Result 463 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (65%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two roadside workers with lime green safety jackets, white hard hats and gloves on with construction cones in the background\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are wearing lime green jackets.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 386 / 13 / 64 / 463: 46%|▍| 464/1000 [01--------------------------------------------- Result 464 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two roadside workers with lime green safety jackets, white hard hats and gloves on with construction cones in the background\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are placing construction cones in \u001b[37mpreparation\u001b[0m of a new \u001b[37mpipeline\u001b[0m building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two roadside workers with lime green safety jackets, white hard hats and gloves on with construction cones in the background\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are placing construction cones in \u001b[91mphraseology\u001b[0m of a new \u001b[91mduct\u001b[0m building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 387 / 13 / 64 / 464: 46%|▍| 464/1000 [01--------------------------------------------- Result 465 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (95%)\u001b[0m --> \u001b[92mEntailment (35%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two roadside workers with lime green safety jackets, white hard hats and gloves on with construction cones in the background\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mwoman\u001b[0m chastises another.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two roadside workers with lime green safety jackets, white hard hats and gloves on with construction cones in the background\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mfille\u001b[0m chastises another.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 388 / 13 / 64 / 465: 46%|▍| 465/1000 [01--------------------------------------------- Result 466 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (71%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black outfit lies face first on a yoga mat; several paintings are hanged on the wall, and the sun shines through a large window near her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An artist relaxes in her \u001b[37mstudio\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black outfit lies face first on a yoga mat; several paintings are hanged on the wall, and the sun shines through a large window near her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An artist relaxes in her \u001b[91matelier\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 389 / 13 / 64 / 466: 47%|▍| 467/1000 [01--------------------------------------------- Result 467 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black outfit lies face first on a yoga mat; several paintings are hanged on the wall, and the sun shines through a large window near her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a \u001b[92mperson\u001b[0m in a room.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black outfit lies face first on a yoga mat; several paintings are hanged on the wall, and the sun shines through a large window near her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a \u001b[91manybody\u001b[0m in a room.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 390 / 13 / 64 / 467: 47%|▍| 467/1000 [01--------------------------------------------- Result 468 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (54%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black outfit lies face first on a yoga mat; several paintings are hanged on the wall, and the sun shines through a large window near her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is asleep while moonlight filters in the window.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 390 / 13 / 65 / 468: 47%|▍| 468/1000 [01--------------------------------------------- Result 469 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91mContradiction (82%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Children in yellow sports uniforms climbing a tower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are martial arts \u001b[37mstudents\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Children in yellow sports uniforms climbing a tower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are martial arts \u001b[91mwards\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 391 / 13 / 65 / 469: 47%|▍| 470/1000 [01--------------------------------------------- Result 470 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Children in yellow sports uniforms climbing a tower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mkids\u001b[0m \u001b[91mcrawl\u001b[0m in \u001b[91msand\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Children in yellow sports uniforms climbing a tower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mchildlike\u001b[0m \u001b[92mnavigation\u001b[0m in \u001b[92mberm\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 392 / 13 / 65 / 470: 47%|▍| 470/1000 [01--------------------------------------------- Result 471 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Children in yellow sports uniforms climbing a tower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Children in uniforms climb a \u001b[92mtower\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Children in yellow sports uniforms climbing a tower.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Children in uniforms climb a \u001b[91mboardwalk\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 393 / 13 / 65 / 471: 47%|▍| 471/1000 [01--------------------------------------------- Result 472 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (90%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Some dogs are running on a deserted beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are in \u001b[37mHawaii\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Some dogs are running on a deserted beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are in \u001b[91mHawaiians\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 394 / 13 / 65 / 472: 47%|▍| 473/1000 [01--------------------------------------------- Result 473 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (75%)\u001b[0m --> \u001b[92mEntailment (87%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Some dogs are running on a deserted beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is only one \u001b[91mdog\u001b[0m at the beach.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Some dogs are running on a deserted beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is only one \u001b[92mcanine\u001b[0m at the beach.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 395 / 13 / 65 / 473: 47%|▍| 473/1000 [01--------------------------------------------- Result 474 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (63%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Some dogs are running on a deserted beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are multiple dogs \u001b[92mpresent\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Some dogs are running on a deserted beach.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are multiple dogs \u001b[37mtopical\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 396 / 13 / 65 / 474: 47%|▍| 474/1000 [01--------------------------------------------- Result 475 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (49%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowded city street with lots of pedestrians.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There alot of motorcyclists on this road.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 396 / 13 / 66 / 475: 48%|▍| 476/1000 [01--------------------------------------------- Result 476 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowded city street with lots of pedestrians.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are many \u001b[92mpedestrians\u001b[0m on the city street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowded city street with lots of pedestrians.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are many \u001b[37msidewalks\u001b[0m on the city street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 397 / 13 / 66 / 476: 48%|▍| 476/1000 [01--------------------------------------------- Result 477 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowded city street with lots of pedestrians.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m pedistrians are \u001b[37mwaiting\u001b[0m for a \u001b[37mparade\u001b[0m to \u001b[37mcome\u001b[0m through this \u001b[37mbusy\u001b[0m \u001b[37mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowded city street with lots of pedestrians.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m pedistrians are \u001b[91mexpects\u001b[0m for a \u001b[91mparading\u001b[0m to \u001b[91minward\u001b[0m through this \u001b[91minhabited\u001b[0m \u001b[91mst\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 398 / 13 / 66 / 477: 48%|▍| 477/1000 [01--------------------------------------------- Result 478 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a bright orange blouse is weaving.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is wearing a bright \u001b[37morange\u001b[0m blouse and a green hat.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a bright orange blouse is weaving.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is wearing a bright \u001b[91mtangerines\u001b[0m blouse and a green hat.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 399 / 13 / 66 / 478: 48%|▍| 479/1000 [01--------------------------------------------- Result 479 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a bright orange blouse is weaving.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mwoman\u001b[0m is \u001b[91mironing\u001b[0m \u001b[91mred\u001b[0m \u001b[91mpants\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a bright orange blouse is weaving.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mfeminine\u001b[0m is \u001b[92msucking\u001b[0m \u001b[92mcroix\u001b[0m \u001b[92mbritches\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 400 / 13 / 66 / 479: 48%|▍| 479/1000 [01--------------------------------------------- Result 480 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a bright orange blouse is weaving.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[92mweaving\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing a bright orange blouse is weaving.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[91mspandex\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 401 / 13 / 66 / 480: 48%|▍| 480/1000 [01--------------------------------------------- Result 481 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people are in a rowboat in the ocean surrounded by seagulls.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[91mpeople\u001b[0m are \u001b[91minside\u001b[0m watching a hockey \u001b[91mgame\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people are in a rowboat in the ocean surrounded by seagulls.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[37mpeoples\u001b[0m are \u001b[37minland\u001b[0m watching a hockey \u001b[37mtoy\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 402 / 13 / 66 / 481: 48%|▍| 482/1000 [01--------------------------------------------- Result 482 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people are in a rowboat in the ocean surrounded by seagulls.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A bunch of people are in a wooden object on the water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 402 / 13 / 67 / 482: 48%|▍| 482/1000 [01--------------------------------------------- Result 483 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (92%)\u001b[0m --> \u001b[91mContradiction (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people are in a rowboat in the ocean surrounded by seagulls.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mgroup\u001b[0m of \u001b[37mpeople\u001b[0m are rowing towards some islands while one of them fishes.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people are in a rowboat in the ocean surrounded by seagulls.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mpool\u001b[0m of \u001b[91mmankind\u001b[0m are rowing towards some islands while one of them fishes.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 403 / 13 / 67 / 483: 48%|▍| 483/1000 [01--------------------------------------------- Result 484 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a brown shirt is kneeling in the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[37mprotesting\u001b[0m in the street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a brown shirt is kneeling in the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[92mmanifestation\u001b[0m in the street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 404 / 13 / 67 / 484: 48%|▍| 485/1000 [01--------------------------------------------- Result 485 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (43%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a brown shirt is kneeling in the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mwoman\u001b[0m is on the ground \u001b[92moutside\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a brown shirt is kneeling in the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mdames\u001b[0m is on the ground \u001b[37mbesides\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 405 / 13 / 67 / 485: 48%|▍| 485/1000 [01--------------------------------------------- Result 486 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (36%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a brown shirt is kneeling in the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[91mriding\u001b[0m a \u001b[91mbicycle\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a brown shirt is kneeling in the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[92mdistrict\u001b[0m a \u001b[92mbicycling\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 406 / 13 / 67 / 486: 49%|▍| 486/1000 [01--------------------------------------------- Result 487 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (90%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man holding a baby who is petting a pony.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man who kidnap a baby is petting a pony.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 406 / 13 / 68 / 487: 49%|▍| 488/1000 [01--------------------------------------------- Result 488 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (44%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man holding a baby who is petting a pony.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man with a baby is \u001b[92mpetting\u001b[0m a pony.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man holding a baby who is petting a pony.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man with a baby is \u001b[37mnibbling\u001b[0m a pony.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 407 / 13 / 68 / 488: 49%|▍| 488/1000 [01--------------------------------------------- Result 489 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man holding a baby who is petting a pony.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and his \u001b[37mdaughter\u001b[0m are petting a pony.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man holding a baby who is petting a pony.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and his \u001b[92menfant\u001b[0m are petting a pony.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 408 / 13 / 68 / 489: 49%|▍| 489/1000 [01--------------------------------------------- Result 490 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (86%)\u001b[0m --> \u001b[91mContradiction (39%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men sitting on the side of a brick road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: me are sitting on the side of a \u001b[92mroad\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men sitting on the side of a brick road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: me are sitting on the side of a \u001b[91mhighway\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 409 / 13 / 68 / 490: 49%|▍| 491/1000 [01--------------------------------------------- Result 491 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (69%)\u001b[0m --> \u001b[37mNeutral (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men sitting on the side of a brick road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[91mside\u001b[0m of the \u001b[91mroad\u001b[0m is empty.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men sitting on the side of a brick road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[37mparte\u001b[0m of the \u001b[37mroute\u001b[0m is empty.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 410 / 13 / 68 / 491: 49%|▍| 491/1000 [01--------------------------------------------- Result 492 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[92mEntailment (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men sitting on the side of a brick road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: men are \u001b[37mtalking\u001b[0m on the side of the road\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men sitting on the side of a brick road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: men are \u001b[92msay\u001b[0m on the side of the road\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 411 / 13 / 68 / 492: 49%|▍| 492/1000 [01--------------------------------------------- Result 493 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black dog with a blue collar is jumping into the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is going to get \u001b[92mwet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black dog with a blue collar is jumping into the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is going to get \u001b[37msoaked\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 412 / 13 / 68 / 493: 49%|▍| 494/1000 [01--------------------------------------------- Result 494 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black dog with a blue collar is jumping into the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A black dog wearing a blue collar is \u001b[37mchasing\u001b[0m something into the water.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black dog with a blue collar is jumping into the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A black dog wearing a blue collar is \u001b[92mpursued\u001b[0m something into the water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 413 / 13 / 68 / 494: 49%|▍| 494/1000 [01--------------------------------------------- Result 495 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (82%)\u001b[0m --> \u001b[92mEntailment (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black dog with a blue collar is jumping into the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is \u001b[91mavoiding\u001b[0m the water.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black dog with a blue collar is jumping into the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is \u001b[92mpreventing\u001b[0m the water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 414 / 13 / 68 / 495: 50%|▍| 495/1000 [01--------------------------------------------- Result 496 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a yellow top and a flowered skirt is standing on a blanket and biting on a toy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl is \u001b[92mstanding\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a yellow top and a flowered skirt is standing on a blanket and biting on a toy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl is \u001b[91munceasing\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 415 / 13 / 68 / 496: 50%|▍| 497/1000 [01--------------------------------------------- Result 497 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (56%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a yellow top and a flowered skirt is standing on a blanket and biting on a toy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl is standing outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 415 / 13 / 69 / 497: 50%|▍| 497/1000 [01--------------------------------------------- Result 498 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a yellow top and a flowered skirt is standing on a blanket and biting on a toy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mEveryone\u001b[0m is \u001b[91msitting\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a yellow top and a flowered skirt is standing on a blanket and biting on a toy.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mWhosoever\u001b[0m is \u001b[37mtis\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 416 / 13 / 69 / 498: 50%|▍| 498/1000 [01--------------------------------------------- Result 499 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (88%)\u001b[0m --> \u001b[91mContradiction (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: many children play in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are at \u001b[37mcamp\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: many children play in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are at \u001b[91mcamped\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 417 / 13 / 69 / 499: 50%|▌| 500/1000 [01--------------------------------------------- Result 500 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (60%)\u001b[0m --> \u001b[92mEntailment (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: many children play in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[37mkids\u001b[0m \u001b[37msplash\u001b[0m in the water and interact with each other.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: many children play in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some \u001b[92myoungster\u001b[0m \u001b[92mfoo\u001b[0m in the water and interact with each other.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 418 / 13 / 69 / 500: 50%|▌| 500/1000 [01--------------------------------------------- Result 501 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: many children play in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are playing mini \u001b[91mgolf\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: many children play in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are playing mini \u001b[37mgulf\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 419 / 13 / 69 / 501: 50%|▌| 501/1000 [01--------------------------------------------- Result 502 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of kids is splashing in deep water nearby a rock formation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The kids are singing in a \u001b[91mchoir\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of kids is splashing in deep water nearby a rock formation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The kids are singing in a \u001b[37mrejoicing\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 420 / 13 / 69 / 502: 50%|▌| 503/1000 [01--------------------------------------------- Result 503 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (58%)\u001b[0m --> \u001b[91mContradiction (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of kids is splashing in deep water nearby a rock formation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The kids are in deep \u001b[92mwater\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of kids is splashing in deep water nearby a rock formation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The kids are in deep \u001b[91meau\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 421 / 13 / 69 / 503: 50%|▌| 503/1000 [01--------------------------------------------- Result 504 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of kids is splashing in deep water nearby a rock formation.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are wearing lifejackets\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 421 / 14 / 69 / 504: 50%|▌| 504/1000 [01--------------------------------------------- Result 505 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (72%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a climber wearing a red headband is pulling himself up some gray rocks high above some green foliage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman climber attempts to pull herself up\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 421 / 14 / 70 / 505: 51%|▌| 506/1000 [01--------------------------------------------- Result 506 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a climber wearing a red headband is pulling himself up some gray rocks high above some green foliage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A climber pulls himself up some \u001b[92mrocks\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a climber wearing a red headband is pulling himself up some gray rocks high above some green foliage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A climber pulls himself up some \u001b[37mjolts\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 422 / 14 / 70 / 506: 51%|▌| 506/1000 [01--------------------------------------------- Result 507 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (53%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a climber wearing a red headband is pulling himself up some gray rocks high above some green foliage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A climber \u001b[37mpulls\u001b[0m himself up 5000 feet up over a forest\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a climber wearing a red headband is pulling himself up some gray rocks high above some green foliage.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A climber \u001b[91mpull\u001b[0m himself up 5000 feet up over a forest\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 423 / 14 / 70 / 507: 51%|▌| 507/1000 [01--------------------------------------------- Result 508 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man with a red headband climbing a rock cliff looming over greenery.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m \u001b[92mman\u001b[0m is outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man with a red headband climbing a rock cliff looming over greenery.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37manother\u001b[0m \u001b[37mfella\u001b[0m is outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 424 / 14 / 70 / 508: 51%|▌| 509/1000 [01--------------------------------------------- Result 509 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (90%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man with a red headband climbing a rock cliff looming over greenery.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man has on climbing gear.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 424 / 14 / 71 / 509: 51%|▌| 509/1000 [01--------------------------------------------- Result 510 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man with a red headband climbing a rock cliff looming over greenery.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mswimming\u001b[0m in the \u001b[91mocean\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man with a red headband climbing a rock cliff looming over greenery.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[92mbain\u001b[0m in the \u001b[92mmaritime\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 425 / 14 / 71 / 510: 51%|▌| 510/1000 [01--------------------------------------------- Result 511 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[91mContradiction (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two formally dressed, bald older women\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[92mbald\u001b[0m women.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two formally dressed, bald older women\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mgoatee\u001b[0m women.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 426 / 14 / 71 / 511: 51%|▌| 512/1000 [01--------------------------------------------- Result 512 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (88%)\u001b[0m --> \u001b[92mEntailment (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two formally dressed, bald older women\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two bald women with \u001b[37mglasses\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two formally dressed, bald older women\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two bald women with \u001b[92mhues\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 427 / 14 / 71 / 512: 51%|▌| 512/1000 [01--------------------------------------------- Result 513 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (95%)\u001b[0m --> \u001b[92mEntailment (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two formally dressed, bald older women\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two long-haired \u001b[91myoung\u001b[0m \u001b[91mwomen\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two formally dressed, bald older women\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two long-haired \u001b[92mjunior\u001b[0m \u001b[92mfeminine\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 428 / 14 / 71 / 513: 51%|▌| 513/1000 [01--------------------------------------------- Result 514 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A homeless man pushes an overfilled plastic blue shopping cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man has a shopping \u001b[92mcart\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A homeless man pushes an overfilled plastic blue shopping cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man has a shopping \u001b[37mcaddie\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 429 / 14 / 71 / 514: 52%|▌| 515/1000 [01--------------------------------------------- Result 515 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (65%)\u001b[0m --> \u001b[91mContradiction (91%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A homeless man pushes an overfilled plastic blue shopping cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mman\u001b[0m is collecting cans to recycle\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A homeless man pushes an overfilled plastic blue shopping cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mhomeboy\u001b[0m is collecting cans to recycle\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 430 / 14 / 71 / 515: 52%|▌| 515/1000 [01--------------------------------------------- Result 516 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (93%)\u001b[0m --> \u001b[37mNeutral (35%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A homeless man pushes an overfilled plastic blue shopping cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mrich\u001b[0m man holding a rolex\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A homeless man pushes an overfilled plastic blue shopping cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mtributary\u001b[0m man holding a rolex\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 431 / 14 / 71 / 516: 52%|▌| 516/1000 [01--------------------------------------------- Result 517 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: an old shoemaker in his factory\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mshoemaker\u001b[0m is inside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: an old shoemaker in his factory\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mcheesecake\u001b[0m is inside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 432 / 14 / 71 / 517: 52%|▌| 518/1000 [01--------------------------------------------- Result 518 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: an old shoemaker in his factory\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The shoemaker is getting ready for his 16th birthday.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 432 / 14 / 72 / 518: 52%|▌| 518/1000 [01--------------------------------------------- Result 519 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: an old shoemaker in his factory\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mshoemaker\u001b[0m is \u001b[37mwealthy\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: an old shoemaker in his factory\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mcheesecake\u001b[0m is \u001b[91mfoo\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 433 / 14 / 72 / 519: 52%|▌| 519/1000 [01--------------------------------------------- Result 520 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman speaks with a group of young dark-haired female students carrying pieces of paper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman \u001b[92mspeaks\u001b[0m to other women.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman speaks with a group of young dark-haired female students carrying pieces of paper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman \u001b[37mchitchat\u001b[0m to other women.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 434 / 14 / 72 / 520: 52%|▌| 521/1000 [01--------------------------------------------- Result 521 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (44%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman speaks with a group of young dark-haired female students carrying pieces of paper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A blond speaks with a group of young dark-haired woman students \u001b[92mcarrying\u001b[0m pieces of paper.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman speaks with a group of young dark-haired female students carrying pieces of paper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A blond speaks with a group of young dark-haired woman students \u001b[37mferrying\u001b[0m pieces of paper.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 435 / 14 / 72 / 521: 52%|▌| 521/1000 [01--------------------------------------------- Result 522 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman speaks with a group of young dark-haired female students carrying pieces of paper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mman\u001b[0m hits on a woman.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman speaks with a group of young dark-haired female students carrying pieces of paper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfolks\u001b[0m hits on a woman.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 436 / 14 / 72 / 522: 52%|▌| 522/1000 [01--------------------------------------------- Result 523 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (87%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The woman in the black shirt hands papers to the children surrounding her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone giving out \u001b[92mpaper\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The woman in the black shirt hands papers to the children surrounding her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone giving out \u001b[37mpapier\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 437 / 14 / 72 / 523: 52%|▌| 524/1000 [01--------------------------------------------- Result 524 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (87%)\u001b[0m --> \u001b[91mContradiction (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The woman in the black shirt hands papers to the children surrounding her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: THe woman is giving \u001b[37mhomework\u001b[0m to the children.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The woman in the black shirt hands papers to the children surrounding her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: THe woman is giving \u001b[91mslacking\u001b[0m to the children.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 438 / 14 / 72 / 524: 52%|▌| 524/1000 [01--------------------------------------------- Result 525 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (65%)\u001b[0m --> \u001b[92mEntailment (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The woman in the black shirt hands papers to the children surrounding her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Woman is keeping the \u001b[91mpaper\u001b[0m to herself.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The woman in the black shirt hands papers to the children surrounding her.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Woman is keeping the \u001b[92mdocumenting\u001b[0m to herself.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 439 / 14 / 72 / 525: 52%|▌| 525/1000 [01--------------------------------------------- Result 526 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in red jumping up\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mgirl\u001b[0m is \u001b[37mjumping\u001b[0m to \u001b[37mcatch\u001b[0m the \u001b[37mfrisbee\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in red jumping up\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mbabe\u001b[0m is \u001b[91msalto\u001b[0m to \u001b[91mcaught\u001b[0m the \u001b[91mbocce\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 440 / 14 / 72 / 526: 53%|▌| 527/1000 [01--------------------------------------------- Result 527 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in red jumping up\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is \u001b[91msitting\u001b[0m on the grass.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in red jumping up\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl is \u001b[37msession\u001b[0m on the grass.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 441 / 14 / 72 / 527: 53%|▌| 527/1000 [01--------------------------------------------- Result 528 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in red jumping up\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl in red is in the \u001b[92mair\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Girl in red jumping up\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The girl in red is in the \u001b[91mjet\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 442 / 14 / 72 / 528: 53%|▌| 528/1000 [01--------------------------------------------- Result 529 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 ladies with numbers on their shirts running.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are \u001b[92mladies\u001b[0m running.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 ladies with numbers on their shirts running.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are \u001b[37mbridesmaids\u001b[0m running.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 443 / 14 / 72 / 529: 53%|▌| 530/1000 [01--------------------------------------------- Result 530 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 ladies with numbers on their shirts running.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The ladies are \u001b[91mriding\u001b[0m bikes.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 ladies with numbers on their shirts running.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The ladies are \u001b[37mdistrict\u001b[0m bikes.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 444 / 14 / 72 / 530: 53%|▌| 530/1000 [01--------------------------------------------- Result 531 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (84%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 ladies with numbers on their shirts running.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The ladies are in a \u001b[37mmarathon\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: 3 ladies with numbers on their shirts running.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The ladies are in a \u001b[91mironman\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 445 / 14 / 72 / 531: 53%|▌| 531/1000 [01--------------------------------------------- Result 532 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy walks on a pipe that stretches over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is \u001b[91mmaking\u001b[0m a sub \u001b[91msandwich\u001b[0m in his \u001b[91mkitchen\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy walks on a pipe that stretches over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is \u001b[37mdevising\u001b[0m a sub \u001b[37mhoagie\u001b[0m in his \u001b[37mgastronomy\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 446 / 14 / 72 / 532: 53%|▌| 533/1000 [01--------------------------------------------- Result 533 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (81%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy walks on a pipe that stretches over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m \u001b[92mboy\u001b[0m is walking outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy walks on a pipe that stretches over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37manother\u001b[0m \u001b[37mmuchachos\u001b[0m is walking outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 447 / 14 / 72 / 533: 53%|▌| 533/1000 [01--------------------------------------------- Result 534 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (82%)\u001b[0m --> \u001b[91mContradiction (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy walks on a pipe that stretches over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is in \u001b[37mdanger\u001b[0m of falling into water.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy walks on a pipe that stretches over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is in \u001b[91mcriminality\u001b[0m of falling into water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 448 / 14 / 72 / 534: 53%|▌| 534/1000 [01--------------------------------------------- Result 535 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in green shorts balances on a pipe above a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mNobody\u001b[0m is balancing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in green shorts balances on a pipe above a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mSomebody\u001b[0m is balancing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 449 / 14 / 72 / 535: 54%|▌| 536/1000 [01--------------------------------------------- Result 536 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[92mEntailment (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in green shorts balances on a pipe above a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mclever\u001b[0m person balancing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in green shorts balances on a pipe above a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mnuanced\u001b[0m person balancing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 450 / 14 / 72 / 536: 54%|▌| 536/1000 [01--------------------------------------------- Result 537 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in green shorts balances on a pipe above a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m person \u001b[92mbalancing\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in green shorts balances on a pipe above a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mpara\u001b[0m person \u001b[91mreconciliation\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 451 / 14 / 72 / 537: 54%|▌| 537/1000 [01--------------------------------------------- Result 538 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (91%)\u001b[0m --> \u001b[37mNeutral (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man waring black and carrying a skateboard looks at an outdoor skateboard park.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A guy with a skateboard is looking at a park to \u001b[92mskateboard\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man waring black and carrying a skateboard looks at an outdoor skateboard park.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A guy with a skateboard is looking at a park to \u001b[37mrollerblades\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 452 / 14 / 72 / 538: 54%|▌| 539/1000 [01--------------------------------------------- Result 539 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man waring black and carrying a skateboard looks at an outdoor skateboard park.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mgirl\u001b[0m with a ponytail is \u001b[91mriding\u001b[0m a \u001b[91mbike\u001b[0m at a park.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man waring black and carrying a skateboard looks at an outdoor skateboard park.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mhens\u001b[0m with a ponytail is \u001b[37mcounty\u001b[0m a \u001b[37mcycles\u001b[0m at a park.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 453 / 14 / 72 / 539: 54%|▌| 539/1000 [01--------------------------------------------- Result 540 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (70%)\u001b[0m --> \u001b[92mEntailment (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man waring black and carrying a skateboard looks at an outdoor skateboard park.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A guy is going skateboarding \u001b[37mtoday\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man waring black and carrying a skateboard looks at an outdoor skateboard park.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A guy is going skateboarding \u001b[92mnowadays\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 454 / 14 / 72 / 540: 54%|▌| 540/1000 [01--------------------------------------------- Result 541 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boy wearing pajamas lying down in bed and sleeping on a colorful striped pillow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mA\u001b[0m young \u001b[91mboy\u001b[0m is \u001b[91mplaying\u001b[0m \u001b[91msoccer\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boy wearing pajamas lying down in bed and sleeping on a colorful striped pillow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mpara\u001b[0m young \u001b[37mboyfriend\u001b[0m is \u001b[37mreproducing\u001b[0m \u001b[37mfootball\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 455 / 14 / 72 / 541: 54%|▌| 542/1000 [01--------------------------------------------- Result 542 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (69%)\u001b[0m --> \u001b[92mEntailment (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boy wearing pajamas lying down in bed and sleeping on a colorful striped pillow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is \u001b[37msleeping\u001b[0m at a sleep over.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boy wearing pajamas lying down in bed and sleeping on a colorful striped pillow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is \u001b[92mbed\u001b[0m at a sleep over.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 456 / 14 / 72 / 542: 54%|▌| 542/1000 [01--------------------------------------------- Result 543 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (39%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boy wearing pajamas lying down in bed and sleeping on a colorful striped pillow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is sleeping on a \u001b[92mpillow\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Young boy wearing pajamas lying down in bed and sleeping on a colorful striped pillow.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy is sleeping on a \u001b[37mbedspreads\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 457 / 14 / 72 / 543: 54%|▌| 543/1000 [01--------------------------------------------- Result 544 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (58%)\u001b[0m --> \u001b[37mNeutral (44%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a blue collared t-shirt posing at someone while holding a hebrew newspaper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: He is wearing the newspaper on his \u001b[91mhead\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a blue collared t-shirt posing at someone while holding a hebrew newspaper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: He is wearing the newspaper on his \u001b[37mtete\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 458 / 14 / 72 / 544: 55%|▌| 545/1000 [01--------------------------------------------- Result 545 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (74%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a blue collared t-shirt posing at someone while holding a hebrew newspaper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mHe\u001b[0m is \u001b[37mreading\u001b[0m the newspaper.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a blue collared t-shirt posing at someone while holding a hebrew newspaper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mHis\u001b[0m is \u001b[92mreads\u001b[0m the newspaper.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 459 / 14 / 72 / 545: 55%|▌| 545/1000 [01--------------------------------------------- Result 546 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (89%)\u001b[0m --> \u001b[92mEntailment (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a blue collared t-shirt posing at someone while holding a hebrew newspaper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: He is \u001b[37mjewish\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a blue collared t-shirt posing at someone while holding a hebrew newspaper.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: He is \u001b[92mhebrews\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 460 / 14 / 72 / 546: 55%|▌| 546/1000 [01--------------------------------------------- Result 547 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (100%)\u001b[0m --> \u001b[91mContradiction (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bearded man jumps in the snow with the ocean in the background and an orange, recumbent bike parked near a road sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A human \u001b[92mjumping\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bearded man jumps in the snow with the ocean in the background and an orange, recumbent bike parked near a road sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A human \u001b[91msalto\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 461 / 14 / 72 / 547: 55%|▌| 548/1000 [01--------------------------------------------- Result 548 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bearded man jumps in the snow with the ocean in the background and an orange, recumbent bike parked near a road sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mNobody\u001b[0m is jumping.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bearded man jumps in the snow with the ocean in the background and an orange, recumbent bike parked near a road sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mSomeone\u001b[0m is jumping.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 462 / 14 / 72 / 548: 55%|▌| 548/1000 [01--------------------------------------------- Result 549 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bearded man jumps in the snow with the ocean in the background and an orange, recumbent bike parked near a road sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mtall\u001b[0m human jumping.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A bearded man jumps in the snow with the ocean in the background and an orange, recumbent bike parked near a road sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mgigantic\u001b[0m human jumping.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 463 / 14 / 72 / 549: 55%|▌| 549/1000 [01--------------------------------------------- Result 550 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (95%)\u001b[0m --> \u001b[91mContradiction (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four children are playing in some water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are \u001b[37mmuddy\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four children are playing in some water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are \u001b[91mneglectful\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 464 / 14 / 72 / 550: 55%|▌| 551/1000 [01--------------------------------------------- Result 551 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four children are playing in some water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are \u001b[92mwet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four children are playing in some water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are \u001b[37msoggy\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 465 / 14 / 72 / 551: 55%|▌| 551/1000 [01--------------------------------------------- Result 552 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (76%)\u001b[0m --> \u001b[92mEntailment (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four children are playing in some water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are doing \u001b[91mchores\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four children are playing in some water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The children are doing \u001b[92mtask\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 466 / 14 / 72 / 552: 55%|▌| 552/1000 [01--------------------------------------------- Result 553 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four young girls playing in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four girls are in the \u001b[92mwater\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four young girls playing in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four girls are in the \u001b[37maguas\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 467 / 14 / 72 / 553: 55%|▌| 554/1000 [01--------------------------------------------- Result 554 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (80%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four young girls playing in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are boys and girl in the water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 467 / 14 / 73 / 554: 55%|▌| 554/1000 [01--------------------------------------------- Result 555 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (59%)\u001b[0m --> \u001b[92mEntailment (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four young girls playing in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four \u001b[37mgirls\u001b[0m are \u001b[37mswimming\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four young girls playing in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four \u001b[92mfeminine\u001b[0m are \u001b[92mbain\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 468 / 14 / 73 / 555: 56%|▌| 555/1000 [01--------------------------------------------- Result 556 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black t-shirt is trying to throw something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91mwalking\u001b[0m away.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black t-shirt is trying to throw something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[92mfooting\u001b[0m away.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 469 / 14 / 73 / 556: 56%|▌| 557/1000 [01--------------------------------------------- Result 557 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black t-shirt is trying to throw something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mman\u001b[0m is in a black shirt.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black t-shirt is trying to throw something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mfellas\u001b[0m is in a black shirt.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 470 / 14 / 73 / 557: 56%|▌| 557/1000 [01--------------------------------------------- Result 558 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black t-shirt is trying to throw something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[37mthrowing\u001b[0m something to his \u001b[37mson\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The man in the black t-shirt is trying to throw something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91mpelting\u001b[0m something to his \u001b[91mguy\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 471 / 14 / 73 / 558: 56%|▌| 558/1000 [01--------------------------------------------- Result 559 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One young boy in a yellow long-sleeved shirt and jeans sitting down, with five adults in front of him, one operating a video camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone \u001b[37mrecording\u001b[0m a young \u001b[37mboy\u001b[0m as he \u001b[37mauditions\u001b[0m for a \u001b[37mpart\u001b[0m in a movie.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One young boy in a yellow long-sleeved shirt and jeans sitting down, with five adults in front of him, one operating a video camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone \u001b[91mrecorder\u001b[0m a young \u001b[91mhomeboy\u001b[0m as he \u001b[91mhearings\u001b[0m for a \u001b[91mpercentage\u001b[0m in a movie.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 472 / 14 / 73 / 559: 56%|▌| 560/1000 [01--------------------------------------------- Result 560 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One young boy in a yellow long-sleeved shirt and jeans sitting down, with five adults in front of him, one operating a video camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mA\u001b[0m \u001b[91myoung\u001b[0m \u001b[91mboy\u001b[0m \u001b[91mjuggling\u001b[0m \u001b[91mthree\u001b[0m \u001b[91mred\u001b[0m balls while \u001b[91mblindfolded\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One young boy in a yellow long-sleeved shirt and jeans sitting down, with five adults in front of him, one operating a video camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m \u001b[37myounger\u001b[0m \u001b[37mboyfriend\u001b[0m \u001b[37mjuggled\u001b[0m \u001b[37mfive\u001b[0m \u001b[37mkhmer\u001b[0m balls while \u001b[37mfondled\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 473 / 14 / 73 / 560: 56%|▌| 560/1000 [01--------------------------------------------- Result 561 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (90%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One young boy in a yellow long-sleeved shirt and jeans sitting down, with five adults in front of him, one operating a video camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An adult \u001b[92musing\u001b[0m a video \u001b[92mcamera\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One young boy in a yellow long-sleeved shirt and jeans sitting down, with five adults in front of him, one operating a video camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An adult \u001b[37mexploited\u001b[0m a video \u001b[37mcamcorder\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 474 / 14 / 73 / 561: 56%|▌| 561/1000 [01--------------------------------------------- Result 562 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (55%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boys with their backs against an incoming wave.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people play in the ocean.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 474 / 14 / 74 / 562: 56%|▌| 563/1000 [01--------------------------------------------- Result 563 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (91%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boys with their backs against an incoming wave.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[92mpeople\u001b[0m stand together.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boys with their backs against an incoming wave.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[91mburgers\u001b[0m stand together.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 475 / 14 / 74 / 563: 56%|▌| 563/1000 [01--------------------------------------------- Result 564 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boys with their backs against an incoming wave.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people sit on the beach.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 475 / 14 / 75 / 564: 56%|▌| 564/1000 [01--------------------------------------------- Result 565 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (76%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four boys are about to be hit by an approaching wave.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mwave\u001b[0m is about hit some boys.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four boys are about to be hit by an approaching wave.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mspate\u001b[0m is about hit some boys.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 476 / 14 / 75 / 565: 57%|▌| 566/1000 [01--------------------------------------------- Result 566 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (47%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four boys are about to be hit by an approaching wave.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The wave missed the boys.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 476 / 14 / 76 / 566: 57%|▌| 566/1000 [01--------------------------------------------- Result 567 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (69%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four boys are about to be hit by an approaching wave.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A giant wave is about to crash on some boys.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 476 / 14 / 77 / 567: 57%|▌| 567/1000 [01--------------------------------------------- Result 568 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, standing behind a girl, helping the girl with an experiment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mmother\u001b[0m is helping her \u001b[37mchild\u001b[0m complete the experiment.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, standing behind a girl, helping the girl with an experiment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mbosom\u001b[0m is helping her \u001b[92mchildlike\u001b[0m complete the experiment.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 477 / 14 / 77 / 568: 57%|▌| 569/1000 [01--------------------------------------------- Result 569 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, standing behind a girl, helping the girl with an experiment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is sitting next to a girl while they finish an experiment.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 477 / 14 / 78 / 569: 57%|▌| 569/1000 [01--------------------------------------------- Result 570 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, standing behind a girl, helping the girl with an experiment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is helping a \u001b[92mgirl\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, standing behind a girl, helping the girl with an experiment.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is helping a \u001b[37mfille\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 478 / 14 / 78 / 570: 57%|▌| 570/1000 [01--------------------------------------------- Result 571 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lady is helping another woman work in a silver compartment, which is most likely related to nurse-work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A lady is sleeping on a couch\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 478 / 15 / 78 / 571: 57%|▌| 572/1000 [01--------------------------------------------- Result 572 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lady is helping another woman work in a silver compartment, which is most likely related to nurse-work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mlady\u001b[0m is \u001b[92mhelping\u001b[0m another woman work\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lady is helping another woman work in a silver compartment, which is most likely related to nurse-work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mmadams\u001b[0m is \u001b[37mfavouring\u001b[0m another woman work\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 479 / 15 / 78 / 572: 57%|▌| 572/1000 [01--------------------------------------------- Result 573 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (92%)\u001b[0m --> \u001b[91mContradiction (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lady is helping another woman work in a silver compartment, which is most likely related to nurse-work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mwoman\u001b[0m are trying to \u001b[37mfinish\u001b[0m orders from a doctor\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lady is helping another woman work in a silver compartment, which is most likely related to nurse-work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mfemme\u001b[0m are trying to \u001b[91mshut\u001b[0m orders from a doctor\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 480 / 15 / 78 / 573: 57%|▌| 573/1000 [01--------------------------------------------- Result 574 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One man, wearing a blue jacket, is kicking another man, wearing a red jacket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are fighting \u001b[37moutside\u001b[0m a \u001b[37mbar\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One man, wearing a blue jacket, is kicking another man, wearing a red jacket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are fighting \u001b[91moutboard\u001b[0m a \u001b[91mhandlebar\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 481 / 15 / 78 / 574: 57%|▌| 575/1000 [01--------------------------------------------- Result 575 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One man, wearing a blue jacket, is kicking another man, wearing a red jacket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mwoman\u001b[0m puts on \u001b[91mmakeup\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One man, wearing a blue jacket, is kicking another man, wearing a red jacket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mmilady\u001b[0m puts on \u001b[37mmembership\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 482 / 15 / 78 / 575: 57%|▌| 575/1000 [01--------------------------------------------- Result 576 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One man, wearing a blue jacket, is kicking another man, wearing a red jacket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: One guy \u001b[92mkicks\u001b[0m another.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: One man, wearing a blue jacket, is kicking another man, wearing a red jacket.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: One guy \u001b[37mjitsu\u001b[0m another.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 483 / 15 / 78 / 576: 58%|▌| 576/1000 [01--------------------------------------------- Result 577 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (77%)\u001b[0m --> \u001b[91mContradiction (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people gathered in a room with several people on stage with instruments and the words \"The Early November\" on the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Parents \u001b[37mgathers\u001b[0m for a local high school concert\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people gathered in a room with several people on stage with instruments and the words \"The Early November\" on the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Parents \u001b[91mcaptured\u001b[0m for a local high school concert\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 484 / 15 / 78 / 577: 58%|▌| 578/1000 [01--------------------------------------------- Result 578 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people gathered in a room with several people on stage with instruments and the words \"The Early November\" on the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Mob gathers as flutes \u001b[91mfight\u001b[0m to the \u001b[91mdeath\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people gathered in a room with several people on stage with instruments and the words \"The Early November\" on the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Mob gathers as flutes \u001b[37mbataille\u001b[0m to the \u001b[37mmuerte\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 485 / 15 / 78 / 578: 58%|▌| 578/1000 [01--------------------------------------------- Result 579 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (88%)\u001b[0m --> \u001b[37mNeutral (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people gathered in a room with several people on stage with instruments and the words \"The Early November\" on the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People \u001b[91mleave\u001b[0m as the concert is decides to charge per note\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Many people gathered in a room with several people on stage with instruments and the words \"The Early November\" on the wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People \u001b[37mforgo\u001b[0m as the concert is decides to charge per note\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 486 / 15 / 78 / 579: 58%|▌| 579/1000 [01--------------------------------------------- Result 580 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A hockey player in helmet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Players are wearing helmet.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 486 / 15 / 79 / 580: 58%|▌| 581/1000 [01--------------------------------------------- Result 581 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (94%)\u001b[0m --> \u001b[92mEntailment (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A hockey player in helmet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The players are taking \u001b[91mrest\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A hockey player in helmet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The players are taking \u001b[92mpersists\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 487 / 15 / 79 / 581: 58%|▌| 581/1000 [01--------------------------------------------- Result 582 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (53%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A hockey player in helmet.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are playing hockey\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 487 / 15 / 80 / 582: 58%|▌| 582/1000 [01--------------------------------------------- Result 583 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man wearing blue bowing on floor in front of another man in blue bowing on floor with two other men wearing blue kneeling on same floor also.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mman\u001b[0m is \u001b[92mwearing\u001b[0m something.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man wearing blue bowing on floor in front of another man in blue bowing on floor with two other men wearing blue kneeling on same floor also.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mhomme\u001b[0m is \u001b[37mports\u001b[0m something.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 488 / 15 / 80 / 583: 58%|▌| 584/1000 [01--------------------------------------------- Result 584 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man wearing blue bowing on floor in front of another man in blue bowing on floor with two other men wearing blue kneeling on same floor also.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is wearing nothing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 488 / 16 / 80 / 584: 58%|▌| 584/1000 [01--------------------------------------------- Result 585 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (75%)\u001b[0m --> \u001b[92mEntailment (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man wearing blue bowing on floor in front of another man in blue bowing on floor with two other men wearing blue kneeling on same floor also.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is wearing a blue \u001b[37mshirt\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man wearing blue bowing on floor in front of another man in blue bowing on floor with two other men wearing blue kneeling on same floor also.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is wearing a blue \u001b[92mhem\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 489 / 16 / 80 / 585: 58%|▌| 585/1000 [01--------------------------------------------- Result 586 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (73%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Biker riding through the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Mountain biker competes in off-road race.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 489 / 16 / 81 / 586: 59%|▌| 587/1000 [01--------------------------------------------- Result 587 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Biker riding through the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Man riding motorcycle on \u001b[91mhighway\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Biker riding through the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Man riding motorcycle on \u001b[37mroutes\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 490 / 16 / 81 / 587: 59%|▌| 587/1000 [01--------------------------------------------- Result 588 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (73%)\u001b[0m --> \u001b[91mContradiction (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Biker riding through the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Mountain biker \u001b[37menjoying\u001b[0m the local trails.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Biker riding through the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Mountain biker \u001b[91msipping\u001b[0m the local trails.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 491 / 16 / 81 / 588: 59%|▌| 588/1000 [01--------------------------------------------- Result 589 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue T-shirt and sweatpants stands over a stove and looks at the camera while another young man stands behind him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mmen\u001b[0m are recording a \u001b[37mcooking\u001b[0m tutorial.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue T-shirt and sweatpants stands over a stove and looks at the camera while another young man stands behind him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mfella\u001b[0m are recording a \u001b[91mgalleys\u001b[0m tutorial.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 492 / 16 / 81 / 589: 59%|▌| 590/1000 [01--------------------------------------------- Result 590 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue T-shirt and sweatpants stands over a stove and looks at the camera while another young man stands behind him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is in \u001b[92mfront\u001b[0m of a \u001b[92mcamera\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue T-shirt and sweatpants stands over a stove and looks at the camera while another young man stands behind him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is in \u001b[91mpage\u001b[0m of a \u001b[91mcams\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 493 / 16 / 81 / 590: 59%|▌| 590/1000 [01--------------------------------------------- Result 591 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue T-shirt and sweatpants stands over a stove and looks at the camera while another young man stands behind him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two men are at the \u001b[91mpool\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue T-shirt and sweatpants stands over a stove and looks at the camera while another young man stands behind him.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two men are at the \u001b[92mclustered\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 494 / 16 / 81 / 591: 59%|▌| 591/1000 [01--------------------------------------------- Result 592 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (42%)\u001b[0m --> \u001b[91mContradiction (44%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: couples enjoying a meal, while a bunch of dogs take a nap.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: THE COUPLE \u001b[37mARE\u001b[0m EATING STEAK\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: couples enjoying a meal, while a bunch of dogs take a nap.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: THE COUPLE \u001b[91mBECOMING\u001b[0m EATING STEAK\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 495 / 16 / 81 / 592: 59%|▌| 593/1000 [01--------------------------------------------- Result 593 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (49%)\u001b[0m --> \u001b[37mNeutral (43%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: couples enjoying a meal, while a bunch of dogs take a nap.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: SOME ANIMALS \u001b[92mARE\u001b[0m ASLEEP\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: couples enjoying a meal, while a bunch of dogs take a nap.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: SOME ANIMALS \u001b[37mSONT\u001b[0m ASLEEP\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 496 / 16 / 81 / 593: 59%|▌| 593/1000 [01--------------------------------------------- Result 594 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (49%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: couples enjoying a meal, while a bunch of dogs take a nap.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: THERE IS A COUPLE WALKING THEIR DOGS\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 496 / 16 / 82 / 594: 59%|▌| 594/1000 [01--------------------------------------------- Result 595 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (58%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A white duck expanding its wings in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The duck is a rare breed, most thought to have been driven into extinction years ago.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 496 / 16 / 83 / 595: 60%|▌| 596/1000 [01--------------------------------------------- Result 596 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A white duck expanding its wings in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is one \u001b[92manimal\u001b[0m in this \u001b[92mpicture\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A white duck expanding its wings in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is one \u001b[91mcritter\u001b[0m in this \u001b[91marchives\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 497 / 16 / 83 / 596: 60%|▌| 596/1000 [01--------------------------------------------- Result 597 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A white duck expanding its wings in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The duck \u001b[91msleeps\u001b[0m \u001b[91msoundly\u001b[0m, floating on top of the water\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A white duck expanding its wings in the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The duck \u001b[92mlayer\u001b[0m \u001b[92mpowerfully\u001b[0m, floating on top of the water\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 498 / 16 / 83 / 597: 60%|▌| 597/1000 [01--------------------------------------------- Result 598 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing jeans is walking down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An elderly woman with a cane is \u001b[91msitting\u001b[0m on a \u001b[91mchair\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing jeans is walking down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An elderly woman with a cane is \u001b[37minstalled\u001b[0m on a \u001b[37mheaded\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 499 / 16 / 83 / 598: 60%|▌| 599/1000 [01--------------------------------------------- Result 599 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing jeans is walking down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[92moutside\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing jeans is walking down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[37moverseas\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 500 / 16 / 83 / 599: 60%|▌| 599/1000 [01--------------------------------------------- Result 600 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing jeans is walking down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[37mwalking\u001b[0m towards a \u001b[37mbus\u001b[0m stop.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman wearing jeans is walking down the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[91mtramping\u001b[0m towards a \u001b[91mcoaching\u001b[0m stop.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 501 / 16 / 83 / 600: 60%|▌| 600/1000 [01--------------------------------------------- Result 601 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (65%)\u001b[0m --> \u001b[92mEntailment (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people stand near and on a large black square on the ground with some yellow writing on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a group of people \u001b[37mwait\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people stand near and on a large black square on the ground with some yellow writing on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a group of people \u001b[92mwaits\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 502 / 16 / 83 / 601: 60%|▌| 602/1000 [01--------------------------------------------- Result 602 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people stand near and on a large black square on the ground with some yellow writing on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a person \u001b[91mlies\u001b[0m on the \u001b[91mcouch\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people stand near and on a large black square on the ground with some yellow writing on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a person \u001b[37mfalsehoods\u001b[0m on the \u001b[37msettee\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 503 / 16 / 83 / 602: 60%|▌| 602/1000 [01--------------------------------------------- Result 603 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people stand near and on a large black square on the ground with some yellow writing on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a group of people stand\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 503 / 16 / 84 / 603: 60%|▌| 603/1000 [01--------------------------------------------- Result 604 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (82%)\u001b[0m --> \u001b[91mContradiction (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd is watching a group of men in suits with briefcases walk in formation down the street led by a woman holding a sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The sign the woman is holding states that \"\u001b[37mFreedom\u001b[0m is free.\"\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd is watching a group of men in suits with briefcases walk in formation down the street led by a woman holding a sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The sign the woman is holding states that \"\u001b[91mLibre\u001b[0m is free.\"\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 504 / 16 / 84 / 604: 60%|▌| 605/1000 [01--------------------------------------------- Result 605 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (41%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd is watching a group of men in suits with briefcases walk in formation down the street led by a woman holding a sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of well \u001b[92mdressed\u001b[0m people walk down a block with one of them holding a sign.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd is watching a group of men in suits with briefcases walk in formation down the street led by a woman holding a sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of well \u001b[37mmassacred\u001b[0m people walk down a block with one of them holding a sign.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 505 / 16 / 84 / 605: 60%|▌| 605/1000 [01--------------------------------------------- Result 606 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (90%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd is watching a group of men in suits with briefcases walk in formation down the street led by a woman holding a sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people dressed as \u001b[91mclowns\u001b[0m stroll into the Bigtop Circus holding signs.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd is watching a group of men in suits with briefcases walk in formation down the street led by a woman holding a sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people dressed as \u001b[37mjugglers\u001b[0m stroll into the Bigtop Circus holding signs.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 506 / 16 / 84 / 606: 61%|▌| 606/1000 [01--------------------------------------------- Result 607 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The little boy gets ready to kick the soccer ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[92mboy\u001b[0m gets ready\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The little boy gets ready to kick the soccer ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[91mbartender\u001b[0m gets ready\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 507 / 16 / 84 / 607: 61%|▌| 608/1000 [01--------------------------------------------- Result 608 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The little boy gets ready to kick the soccer ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the boy is ten \u001b[37myears\u001b[0m old\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The little boy gets ready to kick the soccer ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the boy is ten \u001b[91mseniority\u001b[0m old\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 508 / 16 / 84 / 608: 61%|▌| 608/1000 [01--------------------------------------------- Result 609 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The little boy gets ready to kick the soccer ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the boy is \u001b[91msleeping\u001b[0m at \u001b[91mhome\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The little boy gets ready to kick the soccer ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the boy is \u001b[37msor\u001b[0m at \u001b[37mabode\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 509 / 16 / 84 / 609: 61%|▌| 609/1000 [01--------------------------------------------- Result 610 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman sitting on the sidewalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man and woman are \u001b[92msitting\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman sitting on the sidewalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man and woman are \u001b[37mmeetings\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 510 / 16 / 84 / 610: 61%|▌| 611/1000 [01--------------------------------------------- Result 611 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (63%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman sitting on the sidewalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man and woman are \u001b[91mstanding\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman sitting on the sidewalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man and woman are \u001b[37mlingering\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 511 / 16 / 84 / 611: 61%|▌| 611/1000 [01--------------------------------------------- Result 612 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman sitting on the sidewalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man and woman are \u001b[37mmarried\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and woman sitting on the sidewalk.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man and woman are \u001b[91mnuptials\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 512 / 16 / 84 / 612: 61%|▌| 612/1000 [01--------------------------------------------- Result 613 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[92mEntailment (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female within the foreground is heading towards a large white colored pillar that is apart of a large building with people are loitering or waiting on the steps of said building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman has an \u001b[37mimportant\u001b[0m \u001b[37mmeeting\u001b[0m today in the building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female within the foreground is heading towards a large white colored pillar that is apart of a large building with people are loitering or waiting on the steps of said building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman has an \u001b[92msubstantial\u001b[0m \u001b[92mencounters\u001b[0m today in the building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 513 / 16 / 84 / 613: 61%|▌| 614/1000 [01--------------------------------------------- Result 614 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (87%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female within the foreground is heading towards a large white colored pillar that is apart of a large building with people are loitering or waiting on the steps of said building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mdog\u001b[0m is running up the steps of a building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female within the foreground is heading towards a large white colored pillar that is apart of a large building with people are loitering or waiting on the steps of said building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mlabrador\u001b[0m is running up the steps of a building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 514 / 16 / 84 / 614: 61%|▌| 614/1000 [01--------------------------------------------- Result 615 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female within the foreground is heading towards a large white colored pillar that is apart of a large building with people are loitering or waiting on the steps of said building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are several \u001b[92mpeople\u001b[0m outside of a building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female within the foreground is heading towards a large white colored pillar that is apart of a large building with people are loitering or waiting on the steps of said building.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are several \u001b[37mcompatriots\u001b[0m outside of a building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 515 / 16 / 84 / 615: 62%|▌| 615/1000 [01--------------------------------------------- Result 616 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (75%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black jacket and a black and white striped skirt is watching a woman talking to a little boy sitting on concrete steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mA\u001b[0m \u001b[91mfather\u001b[0m looks at his wife and son.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black jacket and a black and white striped skirt is watching a woman talking to a little boy sitting on concrete steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m \u001b[37mpreacher\u001b[0m looks at his wife and son.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 516 / 16 / 84 / 616: 62%|▌| 617/1000 [01--------------------------------------------- Result 617 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black jacket and a black and white striped skirt is watching a woman talking to a little boy sitting on concrete steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mperson\u001b[0m is \u001b[92mtalking\u001b[0m to a child while another person watches.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black jacket and a black and white striped skirt is watching a woman talking to a little boy sitting on concrete steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mpeople\u001b[0m is \u001b[37mschmooze\u001b[0m to a child while another person watches.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 517 / 16 / 84 / 617: 62%|▌| 617/1000 [01--------------------------------------------- Result 618 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black jacket and a black and white striped skirt is watching a woman talking to a little boy sitting on concrete steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman watches a mother \u001b[37mspeak\u001b[0m to her young \u001b[37mson\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a black jacket and a black and white striped skirt is watching a woman talking to a little boy sitting on concrete steps.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman watches a mother \u001b[91mtalking\u001b[0m to her young \u001b[91myarns\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 518 / 16 / 84 / 618: 62%|▌| 618/1000 [01--------------------------------------------- Result 619 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man and woman eating a hotdog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and his family are eating \u001b[91mpizza\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man and woman eating a hotdog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and his family are eating \u001b[37msegment\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 519 / 16 / 84 / 619: 62%|▌| 620/1000 [01--------------------------------------------- Result 620 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (87%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man and woman eating a hotdog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and woman are eating a \u001b[37mhotdog\u001b[0m at a baseball game.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man and woman eating a hotdog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and woman are eating a \u001b[91mwieners\u001b[0m at a baseball game.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 520 / 16 / 84 / 620: 62%|▌| 620/1000 [01--------------------------------------------- Result 621 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (78%)\u001b[0m --> \u001b[91mContradiction (100%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man and woman eating a hotdog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and woman are sharing a \u001b[92mhotdog\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man and woman eating a hotdog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man and woman are sharing a \u001b[91mbagels\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 521 / 16 / 84 / 621: 62%|▌| 621/1000 [01--------------------------------------------- Result 622 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (67%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An aisle at Best Buy with an employee standing at the computer and a Geek Squad sign in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m employee is wearing a \u001b[37mblue\u001b[0m \u001b[37mshirt\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An aisle at Best Buy with an employee standing at the computer and a Geek Squad sign in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m employee is wearing a \u001b[91mcontusion\u001b[0m \u001b[91mtracksuit\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 522 / 16 / 84 / 622: 62%|▌| 623/1000 [01--------------------------------------------- Result 623 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An aisle at Best Buy with an employee standing at the computer and a Geek Squad sign in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The employee is \u001b[92mindoors\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An aisle at Best Buy with an employee standing at the computer and a Geek Squad sign in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The employee is \u001b[37minsides\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 523 / 16 / 84 / 623: 62%|▌| 623/1000 [01--------------------------------------------- Result 624 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An aisle at Best Buy with an employee standing at the computer and a Geek Squad sign in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The employee is swimming in the ocean.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 523 / 17 / 84 / 624: 62%|▌| 624/1000 [01--------------------------------------------- Result 625 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A carpenter is working on a roof at a house being built.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is hammering the final shingle on a \u001b[37mroof\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A carpenter is working on a roof at a house being built.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is hammering the final shingle on a \u001b[91mtoit\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 524 / 17 / 84 / 625: 63%|▋| 626/1000 [01--------------------------------------------- Result 626 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (87%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A carpenter is working on a roof at a house being built.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A workman is helping put a \u001b[92mroof\u001b[0m on a house.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A carpenter is working on a roof at a house being built.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A workman is helping put a \u001b[37mtoit\u001b[0m on a house.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 525 / 17 / 84 / 626: 63%|▋| 626/1000 [01--------------------------------------------- Result 627 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A carpenter is working on a roof at a house being built.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mboy\u001b[0m is \u001b[91mjumping\u001b[0m up and down.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A carpenter is working on a roof at a house being built.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mguy\u001b[0m is \u001b[92mhup\u001b[0m up and down.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 526 / 17 / 84 / 627: 63%|▋| 627/1000 [01--------------------------------------------- Result 628 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (38%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of seven individuals wearing rafting gear, white water raft down a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are people in an inflatable boat.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 526 / 17 / 85 / 628: 63%|▋| 629/1000 [01--------------------------------------------- Result 629 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (92%)\u001b[0m --> \u001b[37mNeutral (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of seven individuals wearing rafting gear, white water raft down a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mman\u001b[0m has \u001b[91mfallen\u001b[0m out of the boat.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of seven individuals wearing rafting gear, white water raft down a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mcomrade\u001b[0m has \u001b[37mfell\u001b[0m out of the boat.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 527 / 17 / 85 / 629: 63%|▋| 629/1000 [01--------------------------------------------- Result 630 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (63%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of seven individuals wearing rafting gear, white water raft down a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Seven men and women are in a yellow \u001b[37mboat\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of seven individuals wearing rafting gear, white water raft down a river.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Seven men and women are in a yellow \u001b[91mboating\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 528 / 17 / 85 / 630: 63%|▋| 630/1000 [01--------------------------------------------- Result 631 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (57%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys wearing athletic jerseys are washing their hands in a public restroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boys had unclean hands.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 528 / 17 / 86 / 631: 63%|▋| 632/1000 [01--------------------------------------------- Result 632 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys wearing athletic jerseys are washing their hands in a public restroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They were playing soccer.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 528 / 17 / 87 / 632: 63%|▋| 632/1000 [01--------------------------------------------- Result 633 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (64%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little boys wearing athletic jerseys are washing their hands in a public restroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boys are bare-chested.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 528 / 18 / 87 / 633: 63%|▋| 633/1000 [01--------------------------------------------- Result 634 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two small boys in blue soccer uniforms use a wooden set of steps to wash their hands in an adult-sized bathroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mboys\u001b[0m just won their soccer game\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two small boys in blue soccer uniforms use a wooden set of steps to wash their hands in an adult-sized bathroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mbarman\u001b[0m just won their soccer game\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 529 / 18 / 87 / 634: 64%|▋| 635/1000 [01--------------------------------------------- Result 635 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[91mContradiction (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two small boys in blue soccer uniforms use a wooden set of steps to wash their hands in an adult-sized bathroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two boys washing their \u001b[92mhands\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two small boys in blue soccer uniforms use a wooden set of steps to wash their hands in an adult-sized bathroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two boys washing their \u001b[91mmains\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 530 / 18 / 87 / 635: 64%|▋| 635/1000 [01--------------------------------------------- Result 636 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (94%)\u001b[0m --> \u001b[92mEntailment (39%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two small boys in blue soccer uniforms use a wooden set of steps to wash their hands in an adult-sized bathroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boys are in \u001b[91mband\u001b[0m uniforms\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two small boys in blue soccer uniforms use a wooden set of steps to wash their hands in an adult-sized bathroom.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boys are in \u001b[92mfanfare\u001b[0m uniforms\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 531 / 18 / 87 / 636: 64%|▋| 636/1000 [01--------------------------------------------- Result 637 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A naked man rides a bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mperson\u001b[0m biking.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A naked man rides a bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mnobody\u001b[0m biking.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 532 / 18 / 87 / 637: 64%|▋| 638/1000 [01--------------------------------------------- Result 638 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A naked man rides a bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a \u001b[91msuit\u001b[0m \u001b[91mwalking\u001b[0m on a sidewalk.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A naked man rides a bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a \u001b[37mattire\u001b[0m \u001b[37mtrekking\u001b[0m on a sidewalk.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 533 / 18 / 87 / 638: 64%|▋| 638/1000 [01--------------------------------------------- Result 639 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (42%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A naked man rides a bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mnaked\u001b[0m red haired man on a bike on a \u001b[37mbusy\u001b[0m \u001b[37mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A naked man rides a bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mundressed\u001b[0m red haired man on a bike on a \u001b[91mmassed\u001b[0m \u001b[91msant\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 534 / 18 / 87 / 639: 64%|▋| 639/1000 [01--------------------------------------------- Result 640 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (93%)\u001b[0m --> \u001b[37mNeutral (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men wearing dirty clothing are sitting on a sidewalk with their dog and begging for money using a cardboard sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men sit \u001b[92moutdoors\u001b[0m in an urban \u001b[92marea\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men wearing dirty clothing are sitting on a sidewalk with their dog and begging for money using a cardboard sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men sit \u001b[37mbesides\u001b[0m in an urban \u001b[37macreage\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 535 / 18 / 87 / 640: 64%|▋| 641/1000 [01--------------------------------------------- Result 641 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (83%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men wearing dirty clothing are sitting on a sidewalk with their dog and begging for money using a cardboard sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: These two \u001b[91milliterate\u001b[0m men convinced their dog to write a panhandling sign for them.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men wearing dirty clothing are sitting on a sidewalk with their dog and begging for money using a cardboard sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: These two \u001b[37mliteracy\u001b[0m men convinced their dog to write a panhandling sign for them.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 536 / 18 / 87 / 641: 64%|▋| 641/1000 [01--------------------------------------------- Result 642 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (60%)\u001b[0m --> \u001b[91mContradiction (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men wearing dirty clothing are sitting on a sidewalk with their dog and begging for money using a cardboard sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mresearch\u001b[0m scientists conduct research in disguise.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men wearing dirty clothing are sitting on a sidewalk with their dog and begging for money using a cardboard sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mresearches\u001b[0m scientists conduct research in disguise.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 537 / 18 / 87 / 642: 64%|▋| 642/1000 [01--------------------------------------------- Result 643 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (95%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two street people and a dog sitting on the ground and one is holding an \"out of luck\" sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[37mdog\u001b[0m is a chihuahua\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two street people and a dog sitting on the ground and one is holding an \"out of luck\" sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[91mwolfhound\u001b[0m is a chihuahua\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 538 / 18 / 87 / 643: 64%|▋| 644/1000 [01--------------------------------------------- Result 644 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two street people and a dog sitting on the ground and one is holding an \"out of luck\" sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mpeople\u001b[0m with a dog\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two street people and a dog sitting on the ground and one is holding an \"out of luck\" sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mnationals\u001b[0m with a dog\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 539 / 18 / 87 / 644: 64%|▋| 644/1000 [01--------------------------------------------- Result 645 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two street people and a dog sitting on the ground and one is holding an \"out of luck\" sign.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the people are swimming in the red sea\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 539 / 18 / 88 / 645: 64%|▋| 645/1000 [01--------------------------------------------- Result 646 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (83%)\u001b[0m --> \u001b[91mContradiction (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two homeless men dressed in gray sit against a wall with a sleeping dog on a purple leash.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two homeless men lean against a wall with a \u001b[92mdog\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two homeless men dressed in gray sit against a wall with a sleeping dog on a purple leash.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two homeless men lean against a wall with a \u001b[91mpinscher\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 540 / 18 / 88 / 646: 65%|▋| 647/1000 [01--------------------------------------------- Result 647 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (65%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two homeless men dressed in gray sit against a wall with a sleeping dog on a purple leash.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men own homes.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 540 / 18 / 89 / 647: 65%|▋| 647/1000 [01--------------------------------------------- Result 648 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (91%)\u001b[0m --> \u001b[91mContradiction (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two homeless men dressed in gray sit against a wall with a sleeping dog on a purple leash.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mfriends\u001b[0m sit against a wall with their pet \u001b[37mdog\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two homeless men dressed in gray sit against a wall with a sleeping dog on a purple leash.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mbuddies\u001b[0m sit against a wall with their pet \u001b[91mwhippet\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 541 / 18 / 89 / 648: 65%|▋| 648/1000 [01--------------------------------------------- Result 649 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (67%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman doing gymnastics, she is using the balance beam\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is doing a handstand on the balance beam.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 541 / 18 / 90 / 649: 65%|▋| 650/1000 [01--------------------------------------------- Result 650 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman doing gymnastics, she is using the balance beam\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[91mnapping\u001b[0m in the gym.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman doing gymnastics, she is using the balance beam\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman is \u001b[37mafternoons\u001b[0m in the gym.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 542 / 18 / 90 / 650: 65%|▋| 650/1000 [01--------------------------------------------- Result 651 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman doing gymnastics, she is using the balance beam\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mwoman\u001b[0m is \u001b[92musing\u001b[0m gymnastics equipment.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman doing gymnastics, she is using the balance beam\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mmadams\u001b[0m is \u001b[37maccustomed\u001b[0m gymnastics equipment.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 543 / 18 / 90 / 651: 65%|▋| 651/1000 [01--------------------------------------------- Result 652 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six rescuers cooperate to place an injured man on a transport device in snowy, mountainous terrain.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: six \u001b[92mpeople\u001b[0m act \u001b[92mtogether\u001b[0m to get another, injured man on a transport in snowy terrain\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six rescuers cooperate to place an injured man on a transport device in snowy, mountainous terrain.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: six \u001b[37mcompatriots\u001b[0m act \u001b[37massembly\u001b[0m to get another, injured man on a transport in snowy terrain\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 544 / 18 / 90 / 652: 65%|▋| 653/1000 [01--------------------------------------------- Result 653 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (88%)\u001b[0m --> \u001b[37mNeutral (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six rescuers cooperate to place an injured man on a transport device in snowy, mountainous terrain.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: six \u001b[92mpeople\u001b[0m act to save a seventh who is injured\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six rescuers cooperate to place an injured man on a transport device in snowy, mountainous terrain.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: six \u001b[37mnationals\u001b[0m act to save a seventh who is injured\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 545 / 18 / 90 / 653: 65%|▋| 653/1000 [01--------------------------------------------- Result 654 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (65%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six rescuers cooperate to place an injured man on a transport device in snowy, mountainous terrain.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: six people get ready to \u001b[91meat\u001b[0m a seventh who is injured\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Six rescuers cooperate to place an injured man on a transport device in snowy, mountainous terrain.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: six people get ready to \u001b[37meaten\u001b[0m a seventh who is injured\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 546 / 18 / 90 / 654: 65%|▋| 654/1000 [01--------------------------------------------- Result 655 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are sitting on a green bench looking out at the coast.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The three women are \u001b[37mbest\u001b[0m \u001b[37mfriends\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are sitting on a green bench looking out at the coast.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The three women are \u001b[91mpurest\u001b[0m \u001b[91mamis\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 547 / 18 / 90 / 655: 66%|▋| 656/1000 [01--------------------------------------------- Result 656 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are sitting on a green bench looking out at the coast.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The three women are looking into the \u001b[91mforest\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are sitting on a green bench looking out at the coast.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The three women are looking into the \u001b[37mforestry\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 548 / 18 / 90 / 656: 66%|▋| 656/1000 [01--------------------------------------------- Result 657 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are sitting on a green bench looking out at the coast.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mwomen\u001b[0m are outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are sitting on a green bench looking out at the coast.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mwives\u001b[0m are outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 549 / 18 / 90 / 657: 66%|▋| 657/1000 [01--------------------------------------------- Result 658 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (92%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black tank top wearing a red plaid hat\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mman\u001b[0m getting ready to play golf.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black tank top wearing a red plaid hat\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mfella\u001b[0m getting ready to play golf.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 550 / 18 / 90 / 658: 66%|▋| 659/1000 [01--------------------------------------------- Result 659 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (72%)\u001b[0m --> \u001b[37mNeutral (46%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black tank top wearing a red plaid hat\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man wearing \u001b[91mfootball\u001b[0m pads.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black tank top wearing a red plaid hat\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man wearing \u001b[37mcup\u001b[0m pads.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 551 / 18 / 90 / 659: 66%|▋| 659/1000 [01--------------------------------------------- Result 660 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (41%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black tank top wearing a red plaid hat\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a \u001b[92mhat\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black tank top wearing a red plaid hat\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in a \u001b[91mchapeau\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 552 / 18 / 90 / 660: 66%|▋| 660/1000 [01--------------------------------------------- Result 661 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman in a black shirt is standing behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is \u001b[92mstanding\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman in a black shirt is standing behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is \u001b[91munceasing\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 553 / 18 / 90 / 661: 66%|▋| 662/1000 [01--------------------------------------------- Result 662 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (66%)\u001b[0m --> \u001b[91mContradiction (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman in a black shirt is standing behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman has her hair \u001b[37mpulled\u001b[0m back in a bun.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman in a black shirt is standing behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman has her hair \u001b[91mheave\u001b[0m back in a bun.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 554 / 18 / 90 / 662: 66%|▋| 662/1000 [01--------------------------------------------- Result 663 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman in a black shirt is standing behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mwoman\u001b[0m is \u001b[91mseated\u001b[0m on a \u001b[91mbeach\u001b[0m towel.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond woman in a black shirt is standing behind a counter.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mfeminine\u001b[0m is \u001b[37minstalled\u001b[0m on a \u001b[37mcoasts\u001b[0m towel.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 555 / 18 / 90 / 663: 66%|▋| 663/1000 [01--------------------------------------------- Result 664 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The boys are playing with Legos.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mBoys\u001b[0m are playing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The boys are playing with Legos.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mLaddie\u001b[0m are playing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 556 / 18 / 90 / 664: 66%|▋| 665/1000 [01--------------------------------------------- Result 665 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (79%)\u001b[0m --> \u001b[92mEntailment (40%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The boys are playing with Legos.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Boys are playing \u001b[37moutside\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The boys are playing with Legos.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Boys are playing \u001b[92moutboard\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 557 / 18 / 90 / 665: 66%|▋| 665/1000 [01--------------------------------------------- Result 666 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The boys are playing with Legos.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Boys are playing \u001b[91mchess\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The boys are playing with Legos.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Boys are playing \u001b[92mineptitude\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 558 / 18 / 90 / 666: 67%|▋| 666/1000 [01--------------------------------------------- Result 667 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and a child are purchasing ice cream from a man with a hand pushed ice cream cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfather\u001b[0m is buying his \u001b[37mdaughter\u001b[0m ice cream.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and a child are purchasing ice cream from a man with a hand pushed ice cream cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mpere\u001b[0m is buying his \u001b[91minfantile\u001b[0m ice cream.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 559 / 18 / 90 / 667: 67%|▋| 668/1000 [01--------------------------------------------- Result 668 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and a child are purchasing ice cream from a man with a hand pushed ice cream cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A couple is \u001b[91meating\u001b[0m in a restaurant.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and a child are purchasing ice cream from a man with a hand pushed ice cream cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A couple is \u001b[37mfoods\u001b[0m in a restaurant.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 560 / 18 / 90 / 668: 67%|▋| 668/1000 [01--------------------------------------------- Result 669 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (50%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man and a child are purchasing ice cream from a man with a hand pushed ice cream cart.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are buying food from a street vendor.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 560 / 18 / 91 / 669: 67%|▋| 669/1000 [01--------------------------------------------- Result 670 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (84%)\u001b[0m --> \u001b[91mContradiction (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are carrying a red bag into a boat with another person and boat in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some sailors get in a \u001b[37msailboat\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are carrying a red bag into a boat with another person and boat in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some sailors get in a \u001b[91mpontoon\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 561 / 18 / 91 / 670: 67%|▋| 671/1000 [01--------------------------------------------- Result 671 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (87%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are carrying a red bag into a boat with another person and boat in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some people put something in a boat in a \u001b[92mplace\u001b[0m with more than one boat.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are carrying a red bag into a boat with another person and boat in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some people put something in a boat in a \u001b[37mmise\u001b[0m with more than one boat.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 562 / 18 / 91 / 671: 67%|▋| 671/1000 [01--------------------------------------------- Result 672 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (85%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are carrying a red bag into a boat with another person and boat in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person \u001b[91mdrives\u001b[0m away in a winnebago.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are carrying a red bag into a boat with another person and boat in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person \u001b[37mconducting\u001b[0m away in a winnebago.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 563 / 18 / 91 / 672: 67%|▋| 672/1000 [01--------------------------------------------- Result 673 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man holding torch of fire.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is holding a \u001b[91mbag\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man holding torch of fire.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is holding a \u001b[92msac\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 564 / 18 / 91 / 673: 67%|▋| 674/1000 [01--------------------------------------------- Result 674 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (100%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man holding torch of fire.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a \u001b[92mman\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man holding torch of fire.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is a \u001b[91mfella\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 565 / 18 / 91 / 674: 67%|▋| 674/1000 [01--------------------------------------------- Result 675 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man holding torch of fire.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The fire is \u001b[37mlarge\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Man holding torch of fire.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The fire is \u001b[91mcolossal\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 566 / 18 / 91 / 675: 68%|▋| 675/1000 [01--------------------------------------------- Result 676 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (82%)\u001b[0m --> \u001b[92mEntailment (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Villagers pulling in the fish boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The villagers are \u001b[37mpreparing\u001b[0m to go fishing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Villagers pulling in the fish boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The villagers are \u001b[92marticulation\u001b[0m to go fishing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 567 / 18 / 91 / 676: 68%|▋| 677/1000 [01--------------------------------------------- Result 677 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (37%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Villagers pulling in the fish boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mvillagers\u001b[0m are \u001b[91msitting\u001b[0m around the camp \u001b[91mfire\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Villagers pulling in the fish boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mresident\u001b[0m are \u001b[37msession\u001b[0m around the camp \u001b[37mflre\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 568 / 18 / 91 / 677: 68%|▋| 677/1000 [01--------------------------------------------- Result 678 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (100%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Villagers pulling in the fish boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are people pulling a \u001b[92mboat\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Villagers pulling in the fish boat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are people pulling a \u001b[91mspaceship\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 569 / 18 / 91 / 678: 68%|▋| 678/1000 [01--------------------------------------------- Result 679 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[92mEntailment (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people shopping at a street market in an urban area with buildings and a statue in background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The crowd of people are shopping at a street market that \u001b[37msells\u001b[0m \u001b[37mfruits\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people shopping at a street market in an urban area with buildings and a statue in background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The crowd of people are shopping at a street market that \u001b[92mmarket\u001b[0m \u001b[92mfigment\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 570 / 18 / 91 / 679: 68%|▋| 680/1000 [01--------------------------------------------- Result 680 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (42%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people shopping at a street market in an urban area with buildings and a statue in background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The crowd of people are \u001b[91minside\u001b[0m a \u001b[91mmall\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people shopping at a street market in an urban area with buildings and a statue in background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The crowd of people are \u001b[37mdomicile\u001b[0m a \u001b[37mstore\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 571 / 18 / 91 / 680: 68%|▋| 680/1000 [01--------------------------------------------- Result 681 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people shopping at a street market in an urban area with buildings and a statue in background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the crowd of people are \u001b[92mshopping\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd of people shopping at a street market in an urban area with buildings and a statue in background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the crowd of people are \u001b[37mboutiques\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 572 / 18 / 91 / 681: 68%|▋| 681/1000 [01--------------------------------------------- Result 682 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child is sticking her head out of the 0095 taxi cab and screaming.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is \u001b[37mscreaming\u001b[0m at the person that almost \u001b[37mhit\u001b[0m her taxi cab.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child is sticking her head out of the 0095 taxi cab and screaming.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is \u001b[91mhowling\u001b[0m at the person that almost \u001b[91mbombed\u001b[0m her taxi cab.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 573 / 18 / 91 / 682: 68%|▋| 683/1000 [01--------------------------------------------- Result 683 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[91mContradiction (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child is sticking her head out of the 0095 taxi cab and screaming.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is \u001b[92minside\u001b[0m a \u001b[92mcar\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child is sticking her head out of the 0095 taxi cab and screaming.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is \u001b[91mdomicile\u001b[0m a \u001b[91mboxcars\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 574 / 18 / 91 / 683: 68%|▋| 683/1000 [01--------------------------------------------- Result 684 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child is sticking her head out of the 0095 taxi cab and screaming.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is at \u001b[91mhome\u001b[0m, \u001b[91mresting\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child is sticking her head out of the 0095 taxi cab and screaming.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is at \u001b[92minland\u001b[0m, \u001b[92mrest\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 575 / 18 / 91 / 684: 68%|▋| 684/1000 [01--------------------------------------------- Result 685 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (92%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five children playing soccer chase after a ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are playing \u001b[91mfootball\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five children playing soccer chase after a ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are playing \u001b[92msoccer\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 576 / 18 / 91 / 685: 69%|▋| 686/1000 [01--------------------------------------------- Result 686 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five children playing soccer chase after a ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Five children are \u001b[92mplaying\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five children playing soccer chase after a ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Five children are \u001b[91mgambling\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 577 / 18 / 91 / 686: 69%|▋| 686/1000 [01--------------------------------------------- Result 687 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (89%)\u001b[0m --> \u001b[92mEntailment (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five children playing soccer chase after a ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are \u001b[91mten\u001b[0m total children playing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five children playing soccer chase after a ball.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are \u001b[92mtio\u001b[0m total children playing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 578 / 18 / 91 / 687: 69%|▋| 687/1000 [01--------------------------------------------- Result 688 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (84%)\u001b[0m --> \u001b[92mEntailment (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in red blouse is standing with small blond child in front of a small folding chalkboard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a woman stands with her \u001b[37mchild\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in red blouse is standing with small blond child in front of a small folding chalkboard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a woman stands with her \u001b[92menfant\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 579 / 18 / 91 / 688: 69%|▋| 689/1000 [01--------------------------------------------- Result 689 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in red blouse is standing with small blond child in front of a small folding chalkboard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[91mdog\u001b[0m \u001b[91mbarks\u001b[0m loud\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in red blouse is standing with small blond child in front of a small folding chalkboard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[92mcanine\u001b[0m \u001b[92mbark\u001b[0m loud\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 580 / 18 / 91 / 689: 69%|▋| 689/1000 [01--------------------------------------------- Result 690 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in red blouse is standing with small blond child in front of a small folding chalkboard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a woman stands with a \u001b[92mchild\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in red blouse is standing with small blond child in front of a small folding chalkboard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a woman stands with a \u001b[91mbabes\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 581 / 18 / 91 / 690: 69%|▋| 690/1000 [01--------------------------------------------- Result 691 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy swims shirtless with a black and red bathing suit while a seagull sits on the sand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy swims while a seagull shits on the sand.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 581 / 18 / 92 / 691: 69%|▋| 692/1000 [01--------------------------------------------- Result 692 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy swims shirtless with a black and red bathing suit while a seagull sits on the sand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy \u001b[92mswims\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy swims shirtless with a black and red bathing suit while a seagull sits on the sand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy \u001b[91mbackstroke\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 582 / 18 / 92 / 692: 69%|▋| 692/1000 [01--------------------------------------------- Result 693 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (91%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy swims shirtless with a black and red bathing suit while a seagull sits on the sand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy swims \u001b[91mnude\u001b[0m while a seagull eats his peanut butter sandwich.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy swims shirtless with a black and red bathing suit while a seagull sits on the sand.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy swims \u001b[37mnus\u001b[0m while a seagull eats his peanut butter sandwich.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 583 / 18 / 92 / 693: 69%|▋| 693/1000 [01--------------------------------------------- Result 694 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (75%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Here is a picture of people getting drunk at a house party.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some people are by the side of a swimming pool partying.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 583 / 18 / 93 / 694: 70%|▋| 695/1000 [01--------------------------------------------- Result 695 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Here is a picture of people getting drunk at a house party.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some people are \u001b[37mholding\u001b[0m \u001b[37mbeers\u001b[0m in the picture.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Here is a picture of people getting drunk at a house party.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some people are \u001b[92mheld\u001b[0m \u001b[92mbier\u001b[0m in the picture.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 584 / 18 / 93 / 695: 70%|▋| 695/1000 [01--------------------------------------------- Result 696 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (49%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Here is a picture of people getting drunk at a house party.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People were celebrating at a Christmas themed party.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 584 / 18 / 94 / 696: 70%|▋| 696/1000 [01--------------------------------------------- Result 697 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A busy street with numerous people interacting and going about their lives.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The street is alive with \u001b[92mactivity\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A busy street with numerous people interacting and going about their lives.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The street is alive with \u001b[37mbusiness\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 585 / 18 / 94 / 697: 70%|▋| 698/1000 [01--------------------------------------------- Result 698 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A busy street with numerous people interacting and going about their lives.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The street is \u001b[91mquiet\u001b[0m and \u001b[91mcalm\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A busy street with numerous people interacting and going about their lives.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The street is \u001b[37mshhhh\u001b[0m and \u001b[37mmellow\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 586 / 18 / 94 / 698: 70%|▋| 698/1000 [01--------------------------------------------- Result 699 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A busy street with numerous people interacting and going about their lives.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The morning \u001b[37mrush\u001b[0m \u001b[37mhour\u001b[0m fills the \u001b[37mstreets\u001b[0m with busy people.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A busy street with numerous people interacting and going about their lives.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The morning \u001b[91mharried\u001b[0m \u001b[91mclocking\u001b[0m fills the \u001b[91mrue\u001b[0m with busy people.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 587 / 18 / 94 / 699: 70%|▋| 699/1000 [01--------------------------------------------- Result 700 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female softball player wearing blue and red crouches in the infield, waiting for the next play.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[37mplayer\u001b[0m is \u001b[37mpretty\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female softball player wearing blue and red crouches in the infield, waiting for the next play.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[91mplayers\u001b[0m is \u001b[91mutterly\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 588 / 18 / 94 / 700: 70%|▋| 701/1000 [01--------------------------------------------- Result 701 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female softball player wearing blue and red crouches in the infield, waiting for the next play.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the player is \u001b[91mflying\u001b[0m \u001b[91mplanes\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female softball player wearing blue and red crouches in the infield, waiting for the next play.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the player is \u001b[92mhovers\u001b[0m \u001b[92mcessna\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 589 / 18 / 94 / 701: 70%|▋| 701/1000 [01--------------------------------------------- Result 702 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female softball player wearing blue and red crouches in the infield, waiting for the next play.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a player is \u001b[92mwaiting\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female softball player wearing blue and red crouches in the infield, waiting for the next play.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a player is \u001b[37mhoped\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 590 / 18 / 94 / 702: 70%|▋| 702/1000 [01--------------------------------------------- Result 703 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37mNeutral (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people crossing by each other while kite surfing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mpeople\u001b[0m are outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people crossing by each other while kite surfing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mcompatriots\u001b[0m are outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 591 / 18 / 94 / 703: 70%|▋| 704/1000 [01--------------------------------------------- Result 704 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people crossing by each other while kite surfing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are both \u001b[37mmales\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people crossing by each other while kite surfing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are both \u001b[91mbulls\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 592 / 18 / 94 / 704: 70%|▋| 704/1000 [01--------------------------------------------- Result 705 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[92mEntailment (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people crossing by each other while kite surfing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is one \u001b[91mperson\u001b[0m outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people crossing by each other while kite surfing.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is one \u001b[92mpersonally\u001b[0m outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 593 / 18 / 94 / 705: 70%|▋| 705/1000 [01--------------------------------------------- Result 706 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (60%)\u001b[0m --> \u001b[92mEntailment (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A variety of people are sitting around a tale doing craft projects.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m people are \u001b[37munique\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A variety of people are sitting around a tale doing craft projects.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mBoth\u001b[0m people are \u001b[92muniqueness\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 594 / 18 / 94 / 706: 71%|▋| 707/1000 [01--------------------------------------------- Result 707 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (62%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A variety of people are sitting around a tale doing craft projects.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are creative.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 594 / 18 / 95 / 707: 71%|▋| 707/1000 [01--------------------------------------------- Result 708 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A variety of people are sitting around a tale doing craft projects.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are bickering about \u001b[91mpolitics\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A variety of people are sitting around a tale doing craft projects.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The people are bickering about \u001b[37mpolicies\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 595 / 18 / 95 / 708: 71%|▋| 708/1000 [01--------------------------------------------- Result 709 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (71%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in black reviews a message as she walks to work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman in black is being fired via text message.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 595 / 18 / 96 / 709: 71%|▋| 710/1000 [01--------------------------------------------- Result 710 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (77%)\u001b[0m --> \u001b[37mNeutral (85%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in black reviews a message as she walks to work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman in black has a \u001b[92mjob\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in black reviews a message as she walks to work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman in black has a \u001b[37mtrabajo\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 596 / 18 / 96 / 710: 71%|▋| 710/1000 [01--------------------------------------------- Result 711 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in black reviews a message as she walks to work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman in black is not \u001b[91mwalking\u001b[0m to work.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in black reviews a message as she walks to work.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman in black is not \u001b[92mmarche\u001b[0m to work.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 597 / 18 / 96 / 711: 71%|▋| 711/1000 [01--------------------------------------------- Result 712 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (55%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A pro-baseball pitcher sends a curve ball to his opponent while many fans relax and enjoy the game.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m pitcher is playing baseball at a stadium\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A pro-baseball pitcher sends a curve ball to his opponent while many fans relax and enjoy the game.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m pitcher is playing baseball at a stadium\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 598 / 18 / 96 / 712: 71%|▋| 713/1000 [01--------------------------------------------- Result 713 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (93%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A pro-baseball pitcher sends a curve ball to his opponent while many fans relax and enjoy the game.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m \u001b[92mpitcher\u001b[0m is playing baseball\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A pro-baseball pitcher sends a curve ball to his opponent while many fans relax and enjoy the game.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m \u001b[37mleaguer\u001b[0m is playing baseball\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 599 / 18 / 96 / 713: 71%|▋| 713/1000 [01--------------------------------------------- Result 714 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (91%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A pro-baseball pitcher sends a curve ball to his opponent while many fans relax and enjoy the game.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mjuggling\u001b[0m baseballs while fans \u001b[91mlook\u001b[0m on upset\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A pro-baseball pitcher sends a curve ball to his opponent while many fans relax and enjoy the game.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[92mtwirling\u001b[0m baseballs while fans \u001b[92mbehold\u001b[0m on upset\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 600 / 18 / 96 / 714: 71%|▋| 714/1000 [01--------------------------------------------- Result 715 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (89%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A family walking with a soldier.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A few people walk with a man in uniform.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 600 / 18 / 97 / 715: 72%|▋| 716/1000 [01--------------------------------------------- Result 716 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (95%)\u001b[0m --> \u001b[92mEntailment (63%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A family walking with a soldier.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mbarber\u001b[0m \u001b[91mcuts\u001b[0m a man's hair.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A family walking with a soldier.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mheadgear\u001b[0m \u001b[92mreduced\u001b[0m a man's hair.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 601 / 18 / 97 / 716: 72%|▋| 716/1000 [01--------------------------------------------- Result 717 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (92%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A family walking with a soldier.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[92mpeople\u001b[0m strolling.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A family walking with a soldier.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[91mburgers\u001b[0m strolling.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 602 / 18 / 97 / 717: 72%|▋| 717/1000 [01--------------------------------------------- Result 718 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Violin soloists take the stage during the orchestra's opening show at the theater.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are playing violin on \u001b[92mstage\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Violin soloists take the stage during the orchestra's opening show at the theater.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are playing violin on \u001b[91mjuncture\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 603 / 18 / 97 / 718: 72%|▋| 719/1000 [01--------------------------------------------- Result 719 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Violin soloists take the stage during the orchestra's opening show at the theater.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are playing a violin solo for a crowd.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 603 / 18 / 98 / 719: 72%|▋| 719/1000 [01--------------------------------------------- Result 720 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Violin soloists take the stage during the orchestra's opening show at the theater.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mPeople\u001b[0m are \u001b[91mplaying\u001b[0m the \u001b[91mharmonica\u001b[0m while \u001b[91mstanding\u001b[0m on a \u001b[91mroof\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Violin soloists take the stage during the orchestra's opening show at the theater.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mPersonnel\u001b[0m are \u001b[37mplays\u001b[0m the \u001b[37mkazoo\u001b[0m while \u001b[37mcontinuing\u001b[0m on a \u001b[37mcapped\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 604 / 18 / 98 / 720: 72%|▋| 720/1000 [01--------------------------------------------- Result 721 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A mother and daughter walk along the side of a bridge.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A mother and daughter are walking \u001b[37mhome\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A mother and daughter walk along the side of a bridge.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A mother and daughter are walking \u001b[92mhabitation\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 605 / 18 / 98 / 721: 72%|▋| 722/1000 [01--------------------------------------------- Result 722 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A mother and daughter walk along the side of a bridge.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mA\u001b[0m \u001b[91mmother\u001b[0m and \u001b[91mdaughter\u001b[0m are \u001b[91meating\u001b[0m \u001b[91mspaghetti\u001b[0m in a \u001b[91mkitchen\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A mother and daughter walk along the side of a bridge.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m \u001b[37mmaternal\u001b[0m and \u001b[37mniece\u001b[0m are \u001b[37mfoods\u001b[0m \u001b[37mfettuccine\u001b[0m in a \u001b[37mcooked\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 606 / 18 / 98 / 722: 72%|▋| 722/1000 [01--------------------------------------------- Result 723 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A mother and daughter walk along the side of a bridge.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A mother and daughter are \u001b[92mwalking\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A mother and daughter walk along the side of a bridge.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A mother and daughter are \u001b[37mmarche\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 607 / 18 / 98 / 723: 72%|▋| 723/1000 [01--------------------------------------------- Result 724 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (49%)\u001b[0m --> \u001b[91mContradiction (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boy in midair on bicycle\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[37mfalling\u001b[0m off of his bicycle.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boy in midair on bicycle\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[91mshrunk\u001b[0m off of his bicycle.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 608 / 18 / 98 / 724: 72%|▋| 725/1000 [01--------------------------------------------- Result 725 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boy in midair on bicycle\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[91mafraid\u001b[0m to ride his bicycle so he lets it sit in the \u001b[91mgarage\u001b[0m and collect rust.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boy in midair on bicycle\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is \u001b[37mapprehension\u001b[0m to ride his bicycle so he lets it sit in the \u001b[37mdriveway\u001b[0m and collect rust.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 609 / 18 / 98 / 725: 72%|▋| 725/1000 [01--------------------------------------------- Result 726 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boy in midair on bicycle\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is airborne on a \u001b[92mbicycle\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Boy in midair on bicycle\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is airborne on a \u001b[91mscooters\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 610 / 18 / 98 / 726: 73%|▋| 726/1000 [01--------------------------------------------- Result 727 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three dogs running through a field.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three dogs are \u001b[92mrunning\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three dogs running through a field.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three dogs are \u001b[91mexecution\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 611 / 18 / 98 / 727: 73%|▋| 728/1000 [01--------------------------------------------- Result 728 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three dogs running through a field.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dogs are \u001b[91meating\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three dogs running through a field.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dogs are \u001b[37mforaging\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 612 / 18 / 98 / 728: 73%|▋| 728/1000 [01--------------------------------------------- Result 729 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three dogs running through a field.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three dogs are running in the \u001b[37mdaytime\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three dogs running through a field.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three dogs are running in the \u001b[91mzi\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 613 / 18 / 98 / 729: 73%|▋| 729/1000 [01--------------------------------------------- Result 730 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three workers, with life vests and hard hats, on a boat hanging from cables over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three people are on a \u001b[92mboat\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three workers, with life vests and hard hats, on a boat hanging from cables over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three people are on a \u001b[91mskiff\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 614 / 18 / 98 / 730: 73%|▋| 731/1000 [01--------------------------------------------- Result 731 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (90%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three workers, with life vests and hard hats, on a boat hanging from cables over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three lifeguards are haning from the boar, trying to save the dog from drowning.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 614 / 18 / 99 / 731: 73%|▋| 731/1000 [01--------------------------------------------- Result 732 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (93%)\u001b[0m --> \u001b[37mNeutral (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three workers, with life vests and hard hats, on a boat hanging from cables over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: 4 \u001b[91mfisherman\u001b[0m are hanging over the boat, trying to pet the shark\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three workers, with life vests and hard hats, on a boat hanging from cables over water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: 4 \u001b[37mfisheries\u001b[0m are hanging over the boat, trying to pet the shark\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 615 / 18 / 99 / 732: 73%|▋| 732/1000 [01--------------------------------------------- Result 733 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (67%)\u001b[0m --> \u001b[91mContradiction (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a short-sleeved blue shirt and carrying a blue backpack while using snow walking sticks treks through the snow with a woman wearing a long-sleeved blue shirt and black pants also using snow walking sticks.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two people go to work in a \u001b[37mblizzard\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a short-sleeved blue shirt and carrying a blue backpack while using snow walking sticks treks through the snow with a woman wearing a long-sleeved blue shirt and black pants also using snow walking sticks.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two people go to work in a \u001b[91mstorm\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 616 / 18 / 99 / 733: 73%|▋| 734/1000 [01--------------------------------------------- Result 734 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a short-sleeved blue shirt and carrying a blue backpack while using snow walking sticks treks through the snow with a woman wearing a long-sleeved blue shirt and black pants also using snow walking sticks.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a guy with a blue top carries a pack and makes his \u001b[92mway\u001b[0m through snow\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a short-sleeved blue shirt and carrying a blue backpack while using snow walking sticks treks through the snow with a woman wearing a long-sleeved blue shirt and black pants also using snow walking sticks.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a guy with a blue top carries a pack and makes his \u001b[37mchemin\u001b[0m through snow\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 617 / 18 / 99 / 734: 73%|▋| 734/1000 [01--------------------------------------------- Result 735 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (82%)\u001b[0m --> \u001b[37mNeutral (41%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a short-sleeved blue shirt and carrying a blue backpack while using snow walking sticks treks through the snow with a woman wearing a long-sleeved blue shirt and black pants also using snow walking sticks.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two men \u001b[91mplay\u001b[0m with a snowman\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a short-sleeved blue shirt and carrying a blue backpack while using snow walking sticks treks through the snow with a woman wearing a long-sleeved blue shirt and black pants also using snow walking sticks.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two men \u001b[37mstaking\u001b[0m with a snowman\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 618 / 18 / 99 / 735: 74%|▋| 735/1000 [01--------------------------------------------- Result 736 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[91mContradiction (44%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a plaid shirt looking through a telescope lens.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is \u001b[37mwatching\u001b[0m the \u001b[37mstars\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a plaid shirt looking through a telescope lens.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is \u001b[91mlistens\u001b[0m the \u001b[91mrepute\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 619 / 18 / 99 / 736: 74%|▋| 737/1000 [01--------------------------------------------- Result 737 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a plaid shirt looking through a telescope lens.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is wearing a \u001b[91mblack\u001b[0m \u001b[91mshirt\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a plaid shirt looking through a telescope lens.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is wearing a \u001b[37mdarkened\u001b[0m \u001b[37mpullover\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 620 / 18 / 99 / 737: 74%|▋| 737/1000 [01--------------------------------------------- Result 738 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a plaid shirt looking through a telescope lens.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a man is looking through a \u001b[92mtelescope\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a plaid shirt looking through a telescope lens.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a man is looking through a \u001b[91mbinocular\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 621 / 18 / 99 / 738: 74%|▋| 738/1000 [01--------------------------------------------- Result 739 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (53%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female runner dressed in blue athletic wear is running in a competition, while spectators line the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are children in the streets.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 621 / 18 / 100 / 739: 74%|▋| 740/1000 [0--------------------------------------------- Result 740 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (46%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female runner dressed in blue athletic wear is running in a competition, while spectators line the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are people on the \u001b[92mstreet\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female runner dressed in blue athletic wear is running in a competition, while spectators line the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are people on the \u001b[91mfootpath\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 622 / 18 / 100 / 740: 74%|▋| 740/1000 [0--------------------------------------------- Result 741 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female runner dressed in blue athletic wear is running in a competition, while spectators line the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The streets are empty.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 622 / 19 / 100 / 741: 74%|▋| 741/1000 [0--------------------------------------------- Result 742 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is painting a picture outside behind a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A painter is creating a \u001b[92mpicture\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is painting a picture outside behind a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A painter is creating a \u001b[37mpics\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 623 / 19 / 100 / 742: 74%|▋| 743/1000 [0--------------------------------------------- Result 743 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is painting a picture outside behind a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is punching a picture to show great anger and rage outside to people.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 623 / 19 / 101 / 743: 74%|▋| 743/1000 [0--------------------------------------------- Result 744 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is painting a picture outside behind a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is recreating the Mona \u001b[37mLisa\u001b[0m outside in \u001b[37mfront\u001b[0m of a \u001b[37mcrowd\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is painting a picture outside behind a crowd.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is recreating the Mona \u001b[91mGioconda\u001b[0m outside in \u001b[91mfrente\u001b[0m of a \u001b[91mprofusion\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 624 / 19 / 101 / 744: 74%|▋| 744/1000 [0--------------------------------------------- Result 745 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (67%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue hoodie doing a flip off of a half-wall that is covered in graffiti.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[92mdoes\u001b[0m a flip off a \u001b[92mwall\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue hoodie doing a flip off of a half-wall that is covered in graffiti.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man \u001b[37mwantto\u001b[0m a flip off a \u001b[37mwails\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 625 / 19 / 101 / 745: 75%|▋| 746/1000 [0--------------------------------------------- Result 746 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91mContradiction (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue hoodie doing a flip off of a half-wall that is covered in graffiti.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young man does a \u001b[37mflip\u001b[0m off a \u001b[37mwall\u001b[0m and wares \u001b[37mbaggie\u001b[0m clothes.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue hoodie doing a flip off of a half-wall that is covered in graffiti.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young man does a \u001b[91mswivel\u001b[0m off a \u001b[91mmur\u001b[0m and wares \u001b[91mpouch\u001b[0m clothes.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 626 / 19 / 101 / 746: 75%|▋| 746/1000 [0--------------------------------------------- Result 747 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (47%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young man in a blue hoodie doing a flip off of a half-wall that is covered in graffiti.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young man in a blue hoodie falls off a half-wall that is painted nicely.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 626 / 19 / 102 / 747: 75%|▋| 747/1000 [0--------------------------------------------- Result 748 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs run together near the leaves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two dogs are \u001b[92mrunning\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs run together near the leaves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two dogs are \u001b[91mexecution\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 627 / 19 / 102 / 748: 75%|▋| 749/1000 [0--------------------------------------------- Result 749 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs run together near the leaves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The two dogs are \u001b[91msleeping\u001b[0m on the \u001b[91mpile\u001b[0m of leaves.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs run together near the leaves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The two dogs are \u001b[37mriverbed\u001b[0m on the \u001b[37mbattery\u001b[0m of leaves.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 628 / 19 / 102 / 749: 75%|▋| 749/1000 [0--------------------------------------------- Result 750 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs run together near the leaves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The two dogs are \u001b[37mrunning\u001b[0m to \u001b[37mplay\u001b[0m in the leaves.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs run together near the leaves.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The two dogs are \u001b[91mexecution\u001b[0m to \u001b[91mstaking\u001b[0m in the leaves.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 629 / 19 / 102 / 750: 75%|▊| 750/1000 [0--------------------------------------------- Result 751 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (85%)\u001b[0m --> \u001b[37mNeutral (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with no shirt on is performing with a baton.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mman\u001b[0m is doing things with a baton.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with no shirt on is performing with a baton.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfella\u001b[0m is doing things with a baton.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 630 / 19 / 102 / 751: 75%|▊| 752/1000 [0--------------------------------------------- Result 752 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with no shirt on is performing with a baton.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man throws a banana in the air.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 630 / 20 / 102 / 752: 75%|▊| 752/1000 [0--------------------------------------------- Result 753 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with no shirt on is performing with a baton.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is trying his \u001b[37mbest\u001b[0m at the \u001b[37mnational\u001b[0m \u001b[37mchampionship\u001b[0m of \u001b[37mbaton\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with no shirt on is performing with a baton.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is trying his \u001b[91mlargest\u001b[0m at the \u001b[91mnationwide\u001b[0m \u001b[91mcup\u001b[0m of \u001b[91mtruncheon\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 631 / 20 / 102 / 753: 75%|▊| 753/1000 [0--------------------------------------------- Result 754 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd wearing orange cheering for their team in a stadium.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People wearing \u001b[92morange\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd wearing orange cheering for their team in a stadium.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People wearing \u001b[91mamber\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 632 / 20 / 102 / 754: 76%|▊| 755/1000 [0--------------------------------------------- Result 755 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd wearing orange cheering for their team in a stadium.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of drag queens walking down the street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 632 / 21 / 102 / 755: 76%|▊| 755/1000 [0--------------------------------------------- Result 756 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A crowd wearing orange cheering for their team in a stadium.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Fans cheering on their team at the big game.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 632 / 21 / 103 / 756: 76%|▊| 756/1000 [0--------------------------------------------- Result 757 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (93%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Female gymnasts warm up before a competition.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Gymnasts get ready for a \u001b[92mcompetition\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Female gymnasts warm up before a competition.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Gymnasts get ready for a \u001b[91minfighting\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 633 / 21 / 103 / 757: 76%|▊| 758/1000 [0--------------------------------------------- Result 758 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Female gymnasts warm up before a competition.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mFootball\u001b[0m \u001b[91mplayers\u001b[0m practice.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Female gymnasts warm up before a competition.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mBallon\u001b[0m \u001b[92mathletes\u001b[0m practice.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 634 / 21 / 103 / 758: 76%|▊| 758/1000 [0--------------------------------------------- Result 759 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91mContradiction (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Female gymnasts warm up before a competition.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Gymnasts get ready for the \u001b[37mbiggest\u001b[0m competition of their life.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Female gymnasts warm up before a competition.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Gymnasts get ready for the \u001b[91mtrickiest\u001b[0m competition of their life.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 635 / 21 / 103 / 759: 76%|▊| 759/1000 [0--------------------------------------------- Result 760 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dark-haired man wearing a watch and oven mitt about to cook some meat in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mman\u001b[0m is going to \u001b[37msurprise\u001b[0m his \u001b[37mwife\u001b[0m with dinner.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dark-haired man wearing a watch and oven mitt about to cook some meat in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mfella\u001b[0m is going to \u001b[91mstaggering\u001b[0m his \u001b[91mfille\u001b[0m with dinner.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 636 / 21 / 103 / 760: 76%|▊| 761/1000 [0--------------------------------------------- Result 761 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dark-haired man wearing a watch and oven mitt about to cook some meat in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is cooking something to \u001b[92meat\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dark-haired man wearing a watch and oven mitt about to cook some meat in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is cooking something to \u001b[37msuppertime\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 637 / 21 / 103 / 761: 76%|▊| 761/1000 [0--------------------------------------------- Result 762 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (39%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dark-haired man wearing a watch and oven mitt about to cook some meat in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91msitting\u001b[0m \u001b[91mwatching\u001b[0m \u001b[91mTV\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dark-haired man wearing a watch and oven mitt about to cook some meat in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[37minstalled\u001b[0m \u001b[37mobserving\u001b[0m \u001b[37mBUCHANAN\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 638 / 21 / 103 / 762: 76%|▊| 762/1000 [0--------------------------------------------- Result 763 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A worker peers out from atop a building under construction.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mperson\u001b[0m is atop of a building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A worker peers out from atop a building under construction.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91manybody\u001b[0m is atop of a building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 639 / 21 / 103 / 763: 76%|▊| 764/1000 [0--------------------------------------------- Result 764 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (49%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A worker peers out from atop a building under construction.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The unemployed \u001b[91mperson\u001b[0m is near a building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A worker peers out from atop a building under construction.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The unemployed \u001b[37msomeone\u001b[0m is near a building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 640 / 21 / 103 / 764: 76%|▊| 764/1000 [0--------------------------------------------- Result 765 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (57%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A worker peers out from atop a building under construction.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is atop of a building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 640 / 21 / 104 / 765: 76%|▊| 765/1000 [0--------------------------------------------- Result 766 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young child joyfully pulls colorful tissue paper from a decorated box, looking for his present.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child pulls colorful tissue paper from a fancy \u001b[92mbox\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young child joyfully pulls colorful tissue paper from a decorated box, looking for his present.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child pulls colorful tissue paper from a fancy \u001b[37mshoebox\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 641 / 21 / 104 / 766: 77%|▊| 767/1000 [0--------------------------------------------- Result 767 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[37mNeutral (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young child joyfully pulls colorful tissue paper from a decorated box, looking for his present.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child \u001b[91mfights\u001b[0m a bag, the bag is winning\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young child joyfully pulls colorful tissue paper from a decorated box, looking for his present.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child \u001b[37mtussle\u001b[0m a bag, the bag is winning\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 642 / 21 / 104 / 767: 77%|▊| 767/1000 [0--------------------------------------------- Result 768 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (90%)\u001b[0m --> \u001b[92mEntailment (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young child joyfully pulls colorful tissue paper from a decorated box, looking for his present.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child opens a present on his \u001b[37mbirthday\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young child joyfully pulls colorful tissue paper from a decorated box, looking for his present.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child opens a present on his \u001b[92mcommemorating\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 643 / 21 / 104 / 768: 77%|▊| 768/1000 [0--------------------------------------------- Result 769 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in red leaping into sand at a playground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy \u001b[37mjumps\u001b[0m onto his friends sand castle at a playground.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in red leaping into sand at a playground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young boy \u001b[91mclimbs\u001b[0m onto his friends sand castle at a playground.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 644 / 21 / 104 / 769: 77%|▊| 770/1000 [0--------------------------------------------- Result 770 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (87%)\u001b[0m --> \u001b[37mNeutral (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in red leaping into sand at a playground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is playing in the \u001b[92msand\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in red leaping into sand at a playground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is playing in the \u001b[37msables\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 645 / 21 / 104 / 770: 77%|▊| 770/1000 [0--------------------------------------------- Result 771 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (87%)\u001b[0m --> \u001b[37mNeutral (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in red leaping into sand at a playground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child does a cannonball into a \u001b[91mpool\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in red leaping into sand at a playground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child does a cannonball into a \u001b[37mregrouping\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 646 / 21 / 104 / 771: 77%|▊| 771/1000 [0--------------------------------------------- Result 772 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: two boys reading superhero books\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two boys reading a \u001b[37mbook\u001b[0m about \u001b[37mspiderman\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: two boys reading superhero books\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two boys reading a \u001b[91maccountant\u001b[0m about \u001b[91mspongebob\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 647 / 21 / 104 / 772: 77%|▊| 773/1000 [0--------------------------------------------- Result 773 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: two boys reading superhero books\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two boys \u001b[91mwatching\u001b[0m a superhero show.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: two boys reading superhero books\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two boys \u001b[37madmiring\u001b[0m a superhero show.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 648 / 21 / 104 / 773: 77%|▊| 773/1000 [0--------------------------------------------- Result 774 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: two boys reading superhero books\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two boys reading a piece of \u001b[92mliterature\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: two boys reading superhero books\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two boys reading a piece of \u001b[91mdocumentaries\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 649 / 21 / 104 / 774: 77%|▊| 774/1000 [0--------------------------------------------- Result 775 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (46%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a suit driving a horse-drawn buggy down a stone street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mman\u001b[0m is \u001b[91mdriving\u001b[0m a limosine.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a suit driving a horse-drawn buggy down a stone street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mmasculine\u001b[0m is \u001b[92mautomobiles\u001b[0m a limosine.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 650 / 21 / 104 / 775: 78%|▊| 776/1000 [0--------------------------------------------- Result 776 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a suit driving a horse-drawn buggy down a stone street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is driving a \u001b[92mbuggy\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a suit driving a horse-drawn buggy down a stone street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is driving a \u001b[91mpram\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 651 / 21 / 104 / 776: 78%|▊| 776/1000 [0--------------------------------------------- Result 777 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (84%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a suit driving a horse-drawn buggy down a stone street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is an amish \u001b[37mman\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a suit driving a horse-drawn buggy down a stone street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is an amish \u001b[91mroosters\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 652 / 21 / 104 / 777: 78%|▊| 777/1000 [0--------------------------------------------- Result 778 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond little boy in an orange sweatshirt with red sleeves is using scissors to cut something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A little \u001b[92mmale\u001b[0m has \u001b[92mclothes\u001b[0m on with a pair of scissors in his hands.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond little boy in an orange sweatshirt with red sleeves is using scissors to cut something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A little \u001b[37mfella\u001b[0m has \u001b[37moutfits\u001b[0m on with a pair of scissors in his hands.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 653 / 21 / 104 / 778: 78%|▊| 779/1000 [0--------------------------------------------- Result 779 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond little boy in an orange sweatshirt with red sleeves is using scissors to cut something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A blond little boy is \u001b[37mcutting\u001b[0m out little stars for his little sister.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond little boy in an orange sweatshirt with red sleeves is using scissors to cut something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A blond little boy is \u001b[91mslitting\u001b[0m out little stars for his little sister.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 654 / 21 / 104 / 779: 78%|▊| 779/1000 [0--------------------------------------------- Result 780 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond little boy in an orange sweatshirt with red sleeves is using scissors to cut something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mA\u001b[0m blond little boy is \u001b[91msleeping\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A blond little boy in an orange sweatshirt with red sleeves is using scissors to cut something.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37manother\u001b[0m blond little boy is \u001b[37mdream\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 655 / 21 / 104 / 780: 78%|▊| 780/1000 [0--------------------------------------------- Result 781 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in white and black winter clothing leaps a narrow, water-filled ditch from one frost-covered field to another, where a female dressed in black coat and pants awaits.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is dressed in \u001b[91msummer\u001b[0m clothing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in white and black winter clothing leaps a narrow, water-filled ditch from one frost-covered field to another, where a female dressed in black coat and pants awaits.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is dressed in \u001b[92mhap\u001b[0m clothing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 656 / 21 / 104 / 781: 78%|▊| 782/1000 [0--------------------------------------------- Result 782 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in white and black winter clothing leaps a narrow, water-filled ditch from one frost-covered field to another, where a female dressed in black coat and pants awaits.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m \u001b[37mfemale\u001b[0m awaiting the man \u001b[37mleaping\u001b[0m is his \u001b[37msister\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in white and black winter clothing leaps a narrow, water-filled ditch from one frost-covered field to another, where a female dressed in black coat and pants awaits.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m \u001b[91mgal\u001b[0m awaiting the man \u001b[91msomersault\u001b[0m is his \u001b[91mnunnery\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 657 / 21 / 104 / 782: 78%|▊| 782/1000 [0--------------------------------------------- Result 783 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (49%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person dressed in white and black winter clothing leaps a narrow, water-filled ditch from one frost-covered field to another, where a female dressed in black coat and pants awaits.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man in white and black is leaping.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 657 / 21 / 105 / 783: 78%|▊| 783/1000 [0--------------------------------------------- Result 784 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Elderly woman in blue apron balances a basket on her head on a sidewalk while talking to a woman dressed in black.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman balancing a \u001b[37mbasket\u001b[0m on her head is \u001b[37mheading\u001b[0m to her neighbors \u001b[37mhouse\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Elderly woman in blue apron balances a basket on her head on a sidewalk while talking to a woman dressed in black.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman balancing a \u001b[91mhoop\u001b[0m on her head is \u001b[91mheadwaters\u001b[0m to her neighbors \u001b[91mroom\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 658 / 21 / 105 / 784: 78%|▊| 785/1000 [0--------------------------------------------- Result 785 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (71%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Elderly woman in blue apron balances a basket on her head on a sidewalk while talking to a woman dressed in black.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The elderly woman is knitting a scarf for the woman she is talking to.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 658 / 21 / 106 / 785: 78%|▊| 785/1000 [0--------------------------------------------- Result 786 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Elderly woman in blue apron balances a basket on her head on a sidewalk while talking to a woman dressed in black.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Elderly woman is balancing something on her head while having a \u001b[92mconversation\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Elderly woman in blue apron balances a basket on her head on a sidewalk while talking to a woman dressed in black.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Elderly woman is balancing something on her head while having a \u001b[37mchitchat\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 659 / 21 / 106 / 786: 79%|▊| 786/1000 [0--------------------------------------------- Result 787 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (59%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Blond woman overlooking Seattle Space Needle scene.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A tourist checking out Seattle.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 659 / 21 / 107 / 787: 79%|▊| 788/1000 [0--------------------------------------------- Result 788 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (78%)\u001b[0m --> \u001b[91mContradiction (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Blond woman overlooking Seattle Space Needle scene.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone taking in the space needle \u001b[92mview\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Blond woman overlooking Seattle Space Needle scene.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone taking in the space needle \u001b[91mavis\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 660 / 21 / 107 / 788: 79%|▊| 788/1000 [0--------------------------------------------- Result 789 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Blond woman overlooking Seattle Space Needle scene.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mman\u001b[0m enjoying the view of the golden gate bridge.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Blond woman overlooking Seattle Space Needle scene.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfella\u001b[0m enjoying the view of the golden gate bridge.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 661 / 21 / 107 / 789: 79%|▊| 789/1000 [0--------------------------------------------- Result 790 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man looking over a sculpture.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91myoung\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man looking over a sculpture.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[37mjunior\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 662 / 21 / 107 / 790: 79%|▊| 791/1000 [0--------------------------------------------- Result 791 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man looking over a sculpture.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is at an art \u001b[37mgallery\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man looking over a sculpture.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is at an art \u001b[91mphotography\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 663 / 21 / 107 / 791: 79%|▊| 791/1000 [0--------------------------------------------- Result 792 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (90%)\u001b[0m --> \u001b[37mNeutral (89%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man looking over a sculpture.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is \u001b[92mold\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An old man looking over a sculpture.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the man is \u001b[37mfirstborn\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 664 / 21 / 107 / 792: 79%|▊| 792/1000 [0--------------------------------------------- Result 793 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (79%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The soccer team, clad in blue for the match, began to counter down the field in front of the defender, clad in red.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The soccer team in blue \u001b[92mplays\u001b[0m soccer.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The soccer team, clad in blue for the match, began to counter down the field in front of the defender, clad in red.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The soccer team in blue \u001b[91mdessert\u001b[0m soccer.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 665 / 21 / 107 / 793: 79%|▊| 794/1000 [0--------------------------------------------- Result 794 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The soccer team, clad in blue for the match, began to counter down the field in front of the defender, clad in red.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The blue \u001b[37msoccer\u001b[0m team is playing its first game of the season.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The soccer team, clad in blue for the match, began to counter down the field in front of the defender, clad in red.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The blue \u001b[91mfootball\u001b[0m team is playing its first game of the season.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 666 / 21 / 107 / 794: 79%|▊| 794/1000 [0--------------------------------------------- Result 795 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (71%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The soccer team, clad in blue for the match, began to counter down the field in front of the defender, clad in red.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A soccer team hangs out in the \u001b[91mlocker\u001b[0m \u001b[91mroom\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The soccer team, clad in blue for the match, began to counter down the field in front of the defender, clad in red.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A soccer team hangs out in the \u001b[37mfootlocker\u001b[0m \u001b[37mchambre\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 667 / 21 / 107 / 795: 80%|▊| 795/1000 [0--------------------------------------------- Result 796 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little kids without shirts are sitting down facing each other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are \u001b[91msleeping\u001b[0m at daycare\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little kids without shirts are sitting down facing each other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are \u001b[37msor\u001b[0m at daycare\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 668 / 21 / 107 / 796: 80%|▊| 797/1000 [0--------------------------------------------- Result 797 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (56%)\u001b[0m --> \u001b[92mEntailment (77%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little kids without shirts are sitting down facing each other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are sitting shirtless \u001b[37mindoors\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little kids without shirts are sitting down facing each other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two children are sitting shirtless \u001b[92minterior\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 669 / 21 / 107 / 797: 80%|▊| 797/1000 [0--------------------------------------------- Result 798 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (59%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little kids without shirts are sitting down facing each other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37myoung\u001b[0m children are playing with each other and giggling while playing with markers\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two little kids without shirts are sitting down facing each other.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mteenager\u001b[0m children are playing with each other and giggling while playing with markers\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 670 / 21 / 107 / 798: 80%|▊| 798/1000 [0--------------------------------------------- Result 799 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Workers standing on a lift.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Workers \u001b[91mwalk\u001b[0m off a lift\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Workers standing on a lift.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Workers \u001b[92mstroll\u001b[0m off a lift\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 671 / 21 / 107 / 799: 80%|▊| 800/1000 [0--------------------------------------------- Result 800 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (87%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Workers standing on a lift.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Workers \u001b[91mwalk\u001b[0m home from work\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Workers standing on a lift.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Workers \u001b[37mtour\u001b[0m home from work\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 672 / 21 / 107 / 800: 80%|▊| 800/1000 [0--------------------------------------------- Result 801 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Workers standing on a lift.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Workers stand on a \u001b[92mlift\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Workers standing on a lift.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Workers stand on a \u001b[37mcanceling\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 673 / 21 / 107 / 801: 80%|▊| 801/1000 [0--------------------------------------------- Result 802 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (82%)\u001b[0m --> \u001b[92mEntailment (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people talking on a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mfishermen\u001b[0m at the dock\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people talking on a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mfiske\u001b[0m at the dock\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 674 / 21 / 107 / 802: 80%|▊| 803/1000 [0--------------------------------------------- Result 803 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people talking on a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: women \u001b[91mshopping\u001b[0m at the \u001b[91mmall\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people talking on a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: women \u001b[37mprocuring\u001b[0m at the \u001b[37memporium\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 675 / 21 / 107 / 803: 80%|▊| 803/1000 [0--------------------------------------------- Result 804 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people talking on a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mpeople\u001b[0m \u001b[92moutside\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two people talking on a dock.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mburgers\u001b[0m \u001b[37mbesides\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 676 / 21 / 107 / 804: 80%|▊| 804/1000 [0--------------------------------------------- Result 805 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (56%)\u001b[0m --> \u001b[92mEntailment (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a young boy using a field microscope to identify a field specimen during a field trip.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is on a science field \u001b[37mtrip\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a young boy using a field microscope to identify a field specimen during a field trip.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The boy is on a science field \u001b[92mtravel\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 677 / 21 / 107 / 805: 81%|▊| 806/1000 [0--------------------------------------------- Result 806 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a young boy using a field microscope to identify a field specimen during a field trip.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young \u001b[91mgirl\u001b[0m looks through the \u001b[91mtelescope\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a young boy using a field microscope to identify a field specimen during a field trip.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young \u001b[37mdamsel\u001b[0m looks through the \u001b[37mastronomy\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 678 / 21 / 107 / 806: 81%|▊| 806/1000 [0--------------------------------------------- Result 807 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a young boy using a field microscope to identify a field specimen during a field trip.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mboy\u001b[0m is looking through a \u001b[92mmicroscope\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a young boy using a field microscope to identify a field specimen during a field trip.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mman\u001b[0m is looking through a \u001b[37mfluorescent\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 679 / 21 / 107 / 807: 81%|▊| 807/1000 [0--------------------------------------------- Result 808 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man has flung himself over a pole with people and canopies in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A guy has hurled himself in the \u001b[92mair\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man has flung himself over a pole with people and canopies in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A guy has hurled himself in the \u001b[91maeroplanes\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 680 / 21 / 107 / 808: 81%|▊| 809/1000 [0--------------------------------------------- Result 809 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (50%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man has flung himself over a pole with people and canopies in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is running after a robber.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 680 / 21 / 108 / 809: 81%|▊| 809/1000 [0--------------------------------------------- Result 810 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man has flung himself over a pole with people and canopies in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[37mperforming\u001b[0m a trick at the \u001b[37mcircus\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man has flung himself over a pole with people and canopies in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[92mconduct\u001b[0m a trick at the \u001b[92mcirque\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 681 / 21 / 108 / 810: 81%|▊| 810/1000 [0--------------------------------------------- Result 811 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (83%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golfer is getting ready to putt on the green, with a crowd of people watching in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A golfer readies to \u001b[92mputt\u001b[0m the ball.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golfer is getting ready to putt on the green, with a crowd of people watching in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A golfer readies to \u001b[37mbirdies\u001b[0m the ball.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 682 / 21 / 108 / 811: 81%|▊| 812/1000 [0--------------------------------------------- Result 812 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (89%)\u001b[0m --> \u001b[91mContradiction (45%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golfer is getting ready to putt on the green, with a crowd of people watching in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The golfer is getting ready to putt on the \u001b[92mgreen\u001b[0m, with a crowd watching in the \u001b[92mbackground\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golfer is getting ready to putt on the green, with a crowd of people watching in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The golfer is getting ready to putt on the \u001b[91mecological\u001b[0m, with a crowd watching in the \u001b[91mfount\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 683 / 21 / 108 / 812: 81%|▊| 812/1000 [0--------------------------------------------- Result 813 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (94%)\u001b[0m --> \u001b[37mNeutral (94%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golfer is getting ready to putt on the green, with a crowd of people watching in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The golfer \u001b[91mretired\u001b[0m from play today.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A golfer is getting ready to putt on the green, with a crowd of people watching in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The golfer \u001b[37mpensioner\u001b[0m from play today.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 684 / 21 / 108 / 813: 81%|▊| 813/1000 [0--------------------------------------------- Result 814 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child in a ninja outfit does a jumping kick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child is \u001b[91mwrestling\u001b[0m with \u001b[91mbears\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child in a ninja outfit does a jumping kick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child is \u001b[92mwrestled\u001b[0m with \u001b[92mwithstand\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 685 / 21 / 108 / 814: 82%|▊| 815/1000 [0--------------------------------------------- Result 815 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child in a ninja outfit does a jumping kick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child \u001b[92mdoes\u001b[0m a jumping kick\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child in a ninja outfit does a jumping kick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child \u001b[37mdesires\u001b[0m a jumping kick\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 686 / 21 / 108 / 815: 82%|▊| 815/1000 [0--------------------------------------------- Result 816 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child in a ninja outfit does a jumping kick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child in a \u001b[37mblack\u001b[0m ninja suit does a kick\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child in a ninja outfit does a jumping kick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a child in a \u001b[92mniro\u001b[0m ninja suit does a kick\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 687 / 21 / 108 / 816: 82%|▊| 816/1000 [0--------------------------------------------- Result 817 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are sitting outside on chairs with red seats.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men are having a \u001b[37mconversation\u001b[0m outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are sitting outside on chairs with red seats.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men are having a \u001b[92mmention\u001b[0m outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 688 / 21 / 108 / 817: 82%|▊| 818/1000 [0--------------------------------------------- Result 818 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are sitting outside on chairs with red seats.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three men are sitting at the \u001b[91mkitchen\u001b[0m \u001b[91mtable\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are sitting outside on chairs with red seats.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three men are sitting at the \u001b[37mgastronomy\u001b[0m \u001b[37mtableau\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 689 / 21 / 108 / 818: 82%|▊| 818/1000 [0--------------------------------------------- Result 819 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are sitting outside on chairs with red seats.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men are \u001b[92msitting\u001b[0m outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three men are sitting outside on chairs with red seats.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men are \u001b[37mmeetings\u001b[0m outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 690 / 21 / 108 / 819: 82%|▊| 819/1000 [0--------------------------------------------- Result 820 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (85%)\u001b[0m --> \u001b[37mNeutral (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person is sitting in front of a graffiti covered wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There's a \u001b[92mplace\u001b[0m to sit near a wall\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person is sitting in front of a graffiti covered wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There's a \u001b[37mmise\u001b[0m to sit near a wall\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 691 / 21 / 108 / 820: 82%|▊| 821/1000 [0--------------------------------------------- Result 821 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (63%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person is sitting in front of a graffiti covered wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is sitting outside\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 691 / 21 / 109 / 821: 82%|▊| 821/1000 [0--------------------------------------------- Result 822 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person is sitting in front of a graffiti covered wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[91mlaying\u001b[0m at \u001b[91mhome\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A person is sitting in front of a graffiti covered wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is \u001b[92mestablishes\u001b[0m at \u001b[92minner\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 692 / 21 / 109 / 822: 82%|▊| 822/1000 [0--------------------------------------------- Result 823 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking over high flames.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mraking\u001b[0m the \u001b[91myard\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking over high flames.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[37mfertilizing\u001b[0m the \u001b[37mcourtyards\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 693 / 21 / 109 / 823: 82%|▊| 824/1000 [0--------------------------------------------- Result 824 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking over high flames.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[37mcooking\u001b[0m for his \u001b[37mfriends\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking over high flames.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mboned\u001b[0m for his \u001b[91mfellow\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 694 / 21 / 109 / 824: 82%|▊| 824/1000 [0--------------------------------------------- Result 825 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (88%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking over high flames.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is preparing some \u001b[92mfood\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking over high flames.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is preparing some \u001b[91mlunches\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 695 / 21 / 109 / 825: 82%|▊| 825/1000 [0--------------------------------------------- Result 826 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (62%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking with fire in like 5 pots at the same time!\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is cooking with a lot of pots.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 695 / 21 / 110 / 826: 83%|▊| 827/1000 [0--------------------------------------------- Result 827 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (65%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking with fire in like 5 pots at the same time!\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mman\u001b[0m is \u001b[37mcooking\u001b[0m dinner for his \u001b[37mfamily\u001b[0m in a bunch of pots.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking with fire in like 5 pots at the same time!\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mfellas\u001b[0m is \u001b[91mboned\u001b[0m dinner for his \u001b[91mdwellings\u001b[0m in a bunch of pots.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 696 / 21 / 110 / 827: 83%|▊| 827/1000 [0--------------------------------------------- Result 828 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[92mEntailment (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking with fire in like 5 pots at the same time!\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is cooking with a bunch of \u001b[91movens\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man cooking with fire in like 5 pots at the same time!\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is cooking with a bunch of \u001b[92mcooker\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 697 / 21 / 110 / 828: 83%|▊| 828/1000 [0--------------------------------------------- Result 829 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a long white beard is examining a camera and another man with a black shirt is in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a man is with another \u001b[92mman\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a long white beard is examining a camera and another man with a black shirt is in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a man is with another \u001b[91mfella\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 698 / 21 / 110 / 829: 83%|▊| 830/1000 [0--------------------------------------------- Result 830 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (92%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a long white beard is examining a camera and another man with a black shirt is in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man takes a picture of a \u001b[91mwoman\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a long white beard is examining a camera and another man with a black shirt is in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man takes a picture of a \u001b[37mfemme\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 699 / 21 / 110 / 830: 83%|▊| 830/1000 [0--------------------------------------------- Result 831 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (81%)\u001b[0m --> \u001b[91mContradiction (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a long white beard is examining a camera and another man with a black shirt is in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is with a \u001b[37mcowboy\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a long white beard is examining a camera and another man with a black shirt is in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is with a \u001b[91mbullfighter\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 700 / 21 / 110 / 831: 83%|▊| 831/1000 [0--------------------------------------------- Result 832 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (86%)\u001b[0m --> \u001b[91mContradiction (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women are taking a walk down an icy road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m road is dangerous for the \u001b[37mfour\u001b[0m women to \u001b[37mtry\u001b[0m to walk on \u001b[37mbecause\u001b[0m it is covered in ice.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women are taking a walk down an icy road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m road is dangerous for the \u001b[91mthree\u001b[0m women to \u001b[91maim\u001b[0m to walk on \u001b[91mthan\u001b[0m it is covered in ice.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 701 / 21 / 110 / 832: 83%|▊| 833/1000 [0--------------------------------------------- Result 833 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (69%)\u001b[0m --> \u001b[37mNeutral (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women are taking a walk down an icy road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women are walking on the \u001b[92mice\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women are taking a walk down an icy road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The women are walking on the \u001b[37mglace\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 702 / 21 / 110 / 833: 83%|▊| 833/1000 [0--------------------------------------------- Result 834 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (90%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women are taking a walk down an icy road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four women are walking near the \u001b[91mdry\u001b[0m highway.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women are taking a walk down an icy road.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four women are walking near the \u001b[37mdried\u001b[0m highway.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 703 / 21 / 110 / 834: 83%|▊| 834/1000 [0--------------------------------------------- Result 835 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (93%)\u001b[0m --> \u001b[92mEntailment (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men stand in a circle facing each other playing brass instruments which people watch them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People \u001b[37mlove\u001b[0m the music\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men stand in a circle facing each other playing brass instruments which people watch them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People \u001b[92miove\u001b[0m the music\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 704 / 21 / 110 / 835: 84%|▊| 836/1000 [0--------------------------------------------- Result 836 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men stand in a circle facing each other playing brass instruments which people watch them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are \u001b[91mwatching\u001b[0m a sports \u001b[91mchannel\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men stand in a circle facing each other playing brass instruments which people watch them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are \u001b[37mindicating\u001b[0m a sports \u001b[37mcanal\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 705 / 21 / 110 / 836: 84%|▊| 836/1000 [0--------------------------------------------- Result 837 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (89%)\u001b[0m --> \u001b[37mNeutral (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men stand in a circle facing each other playing brass instruments which people watch them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are \u001b[92mplaying\u001b[0m music\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four men stand in a circle facing each other playing brass instruments which people watch them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are \u001b[37mwagering\u001b[0m music\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 706 / 21 / 110 / 837: 84%|▊| 837/1000 [0--------------------------------------------- Result 838 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (63%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is shooting a gun outdoors, on what looks like a beautiful sunny day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is shooting a \u001b[91mbow\u001b[0m and \u001b[91marrow\u001b[0m on a \u001b[91mrainy\u001b[0m day.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is shooting a gun outdoors, on what looks like a beautiful sunny day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is shooting a \u001b[37mlui\u001b[0m and \u001b[37marrows\u001b[0m on a \u001b[37mmuggy\u001b[0m day.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 707 / 21 / 110 / 838: 84%|▊| 839/1000 [0--------------------------------------------- Result 839 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (78%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is shooting a gun outdoors, on what looks like a beautiful sunny day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is shooting a gun at targets on a nice day.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 707 / 21 / 111 / 839: 84%|▊| 839/1000 [0--------------------------------------------- Result 840 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is shooting a gun outdoors, on what looks like a beautiful sunny day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is shooting a gun outside with his \u001b[37mfriends\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is shooting a gun outdoors, on what looks like a beautiful sunny day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is shooting a gun outside with his \u001b[92mfreund\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 708 / 21 / 111 / 840: 84%|▊| 840/1000 [0--------------------------------------------- Result 841 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of footballs players is standing behind a coaching official.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There is only one person present.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 708 / 22 / 111 / 841: 84%|▊| 842/1000 [0--------------------------------------------- Result 842 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[92mEntailment (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of footballs players is standing behind a coaching official.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are \u001b[37mcollege\u001b[0m football \u001b[37mplayers\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of footballs players is standing behind a coaching official.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: They are \u001b[92mteaching\u001b[0m football \u001b[92mparticipant\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 709 / 22 / 111 / 842: 84%|▊| 842/1000 [0--------------------------------------------- Result 843 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of footballs players is standing behind a coaching official.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are multiple \u001b[92mpeople\u001b[0m present.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of footballs players is standing behind a coaching official.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are multiple \u001b[91mnationals\u001b[0m present.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 710 / 22 / 111 / 843: 84%|▊| 843/1000 [0--------------------------------------------- Result 844 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (78%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five young men are in a loft, with one holding a whiteboard and one making a shaka sign in front of the television.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Five men watch tv.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 710 / 22 / 112 / 844: 84%|▊| 845/1000 [0--------------------------------------------- Result 845 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (85%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five young men are in a loft, with one holding a whiteboard and one making a shaka sign in front of the television.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some guys are in a living room.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 710 / 22 / 113 / 845: 84%|▊| 845/1000 [0--------------------------------------------- Result 846 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (57%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Five young men are in a loft, with one holding a whiteboard and one making a shaka sign in front of the television.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Some people are at work.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 710 / 22 / 114 / 846: 85%|▊| 846/1000 [0--------------------------------------------- Result 847 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (95%)\u001b[0m --> \u001b[92mEntailment (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black ball cap, black jacket and pants sitting in front of a building painted white and blue with the words ING and PEOPLE written on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is sitting in front of a \u001b[37mschool\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black ball cap, black jacket and pants sitting in front of a building painted white and blue with the words ING and PEOPLE written on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is sitting in front of a \u001b[92mecole\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 711 / 22 / 114 / 847: 85%|▊| 848/1000 [0--------------------------------------------- Result 848 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[92mEntailment (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black ball cap, black jacket and pants sitting in front of a building painted white and blue with the words ING and PEOPLE written on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[91mstanding\u001b[0m in front of a building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black ball cap, black jacket and pants sitting in front of a building painted white and blue with the words ING and PEOPLE written on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is \u001b[92mbeing\u001b[0m in front of a building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 712 / 22 / 114 / 848: 85%|▊| 848/1000 [0--------------------------------------------- Result 849 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (43%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black ball cap, black jacket and pants sitting in front of a building painted white and blue with the words ING and PEOPLE written on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is in \u001b[92mfront\u001b[0m of a \u001b[92mbuilding\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black ball cap, black jacket and pants sitting in front of a building painted white and blue with the words ING and PEOPLE written on it.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is in \u001b[37mpage\u001b[0m of a \u001b[37mconstruction\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 713 / 22 / 114 / 849: 85%|▊| 849/1000 [0--------------------------------------------- Result 850 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People seated at long tables all facing the same direction, some writing and some watching.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[92mpeople\u001b[0m are sitting at tables.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People seated at long tables all facing the same direction, some writing and some watching.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[37mgens\u001b[0m are sitting at tables.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 714 / 22 / 114 / 850: 85%|▊| 851/1000 [0--------------------------------------------- Result 851 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (55%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People seated at long tables all facing the same direction, some writing and some watching.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of people are sitting at the tables sharing a meal.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 714 / 22 / 115 / 851: 85%|▊| 851/1000 [0--------------------------------------------- Result 852 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People seated at long tables all facing the same direction, some writing and some watching.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A family \u001b[37mreunion\u001b[0m is in \u001b[37mprogress\u001b[0m as relatives sit at tables and \u001b[37mwrite\u001b[0m down each other's \u001b[37maddresses\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: People seated at long tables all facing the same direction, some writing and some watching.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A family \u001b[91msolidified\u001b[0m is in \u001b[91mstrides\u001b[0m as relatives sit at tables and \u001b[91mwritting\u001b[0m down each other's \u001b[91msolve\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 715 / 22 / 115 / 852: 85%|▊| 852/1000 [0--------------------------------------------- Result 853 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (83%)\u001b[0m --> \u001b[92mEntailment (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An elderly woman is preparing food in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person makes \u001b[37mdinner\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An elderly woman is preparing food in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person makes \u001b[92mfood\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 716 / 22 / 115 / 853: 85%|▊| 854/1000 [0--------------------------------------------- Result 854 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An elderly woman is preparing food in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mman\u001b[0m cleans the kitchen.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An elderly woman is preparing food in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mfriend\u001b[0m cleans the kitchen.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 717 / 22 / 115 / 854: 85%|▊| 854/1000 [0--------------------------------------------- Result 855 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An elderly woman is preparing food in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman makes \u001b[92mfood\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An elderly woman is preparing food in the kitchen.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman makes \u001b[37mgourmet\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 718 / 22 / 115 / 855: 86%|▊| 855/1000 [0--------------------------------------------- Result 856 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (57%)\u001b[0m --> \u001b[92mEntailment (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women competitively rollerskating around an area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four women \u001b[37menjoying\u001b[0m rollerskating.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women competitively rollerskating around an area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Four women \u001b[92mexperiences\u001b[0m rollerskating.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 719 / 22 / 115 / 856: 86%|▊| 857/1000 [0--------------------------------------------- Result 857 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37mNeutral (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women competitively rollerskating around an area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mWomen\u001b[0m rollerskating around an are\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women competitively rollerskating around an area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mMarried\u001b[0m rollerskating around an are\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 720 / 22 / 115 / 857: 86%|▊| 857/1000 [0--------------------------------------------- Result 858 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women competitively rollerskating around an area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: four \u001b[91mmen\u001b[0m are rollerskating.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Four women competitively rollerskating around an area.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: four \u001b[92mpeople\u001b[0m are rollerskating.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 721 / 22 / 115 / 858: 86%|▊| 858/1000 [0--------------------------------------------- Result 859 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of cleaners are sweeping up animal feces from the street during a parade or festival.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mman\u001b[0m walking on water.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of cleaners are sweeping up animal feces from the street during a parade or festival.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mhumans\u001b[0m walking on water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 722 / 22 / 115 / 859: 86%|▊| 860/1000 [0--------------------------------------------- Result 860 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[91mContradiction (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of cleaners are sweeping up animal feces from the street during a parade or festival.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Workers \u001b[37mcleaning\u001b[0m up after St Patrick's \u001b[37mDay\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of cleaners are sweeping up animal feces from the street during a parade or festival.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Workers \u001b[91munpolluted\u001b[0m up after St Patrick's \u001b[91mJour\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 723 / 22 / 115 / 860: 86%|▊| 860/1000 [0--------------------------------------------- Result 861 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (65%)\u001b[0m --> \u001b[37mNeutral (92%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of cleaners are sweeping up animal feces from the street during a parade or festival.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of cleaners after a \u001b[92mparade\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of cleaners are sweeping up animal feces from the street during a parade or festival.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of cleaners after a \u001b[37mparading\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 724 / 22 / 115 / 861: 86%|▊| 861/1000 [0--------------------------------------------- Result 862 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (76%)\u001b[0m --> \u001b[92mEntailment (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a pink shirt playing with her barbie.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young girl is having \u001b[37mfun\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a pink shirt playing with her barbie.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young girl is having \u001b[92mamusement\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 725 / 22 / 115 / 862: 86%|▊| 863/1000 [0--------------------------------------------- Result 863 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a pink shirt playing with her barbie.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young \u001b[91mgirl\u001b[0m is \u001b[91mplaying\u001b[0m with a \u001b[91mrace\u001b[0m car.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a pink shirt playing with her barbie.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young \u001b[92mlady\u001b[0m is \u001b[92mprocreation\u001b[0m with a \u001b[92merrand\u001b[0m car.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 726 / 22 / 115 / 863: 86%|▊| 863/1000 [0--------------------------------------------- Result 864 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (87%)\u001b[0m --> \u001b[91mContradiction (39%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a pink shirt playing with her barbie.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young girl is playing with a \u001b[92mtoy\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young girl in a pink shirt playing with her barbie.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young girl is playing with a \u001b[91mjeu\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 727 / 22 / 115 / 864: 86%|▊| 864/1000 [0--------------------------------------------- Result 865 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A car is loaded with items on the top.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The car \u001b[92mhas\u001b[0m stuff on top.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A car is loaded with items on the top.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The car \u001b[37menjoy\u001b[0m stuff on top.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 728 / 22 / 115 / 865: 87%|▊| 866/1000 [0--------------------------------------------- Result 866 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[91mContradiction (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A car is loaded with items on the top.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The car is going on a \u001b[37mtrip\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A car is loaded with items on the top.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The car is going on a \u001b[91mjaunt\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 729 / 22 / 115 / 866: 87%|▊| 866/1000 [0--------------------------------------------- Result 867 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (97%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A car is loaded with items on the top.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The car is a convertible.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 729 / 22 / 116 / 867: 87%|▊| 867/1000 [0--------------------------------------------- Result 868 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (93%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a snorkel and goggles gives a thumbs up as he and another person speed through the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are two guys above the water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 729 / 22 / 117 / 868: 87%|▊| 869/1000 [0--------------------------------------------- Result 869 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[92mEntailment (78%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a snorkel and goggles gives a thumbs up as he and another person speed through the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two guys are on a \u001b[37mlake\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a snorkel and goggles gives a thumbs up as he and another person speed through the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two guys are on a \u001b[92mlac\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 730 / 22 / 117 / 869: 87%|▊| 869/1000 [0--------------------------------------------- Result 870 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (64%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing a snorkel and goggles gives a thumbs up as he and another person speed through the water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two guys are speeding through a frozen lake.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 730 / 22 / 118 / 870: 87%|▊| 870/1000 [0--------------------------------------------- Result 871 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[92mEntailment (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women wearing dresses dance in the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are \u001b[91mmen\u001b[0m dancing\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women wearing dresses dance in the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There are \u001b[92mpeople\u001b[0m dancing\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 731 / 22 / 118 / 871: 87%|▊| 872/1000 [0--------------------------------------------- Result 872 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (38%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women wearing dresses dance in the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m women are \u001b[37molder\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women wearing dresses dance in the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m women are \u001b[91myr\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 732 / 22 / 118 / 872: 87%|▊| 872/1000 [0--------------------------------------------- Result 873 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (97%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women wearing dresses dance in the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: there are several \u001b[92mwomen\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Several women wearing dresses dance in the forest.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: there are several \u001b[37mmarried\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 733 / 22 / 118 / 873: 87%|▊| 873/1000 [0--------------------------------------------- Result 874 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (42%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy in a green shirt on a skateboard on a stone wall with graffiti\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mA\u001b[0m long-haired \u001b[37mboy\u001b[0m riding his skateboard at a \u001b[37mfast\u001b[0m pace over a stone wall with \u001b[37mgraffiti\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy in a green shirt on a skateboard on a stone wall with graffiti\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91manother\u001b[0m long-haired \u001b[91mgarcon\u001b[0m riding his skateboard at a \u001b[91mvite\u001b[0m pace over a stone wall with \u001b[91mbanksy\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 734 / 22 / 118 / 874: 88%|▉| 875/1000 [0--------------------------------------------- Result 875 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy in a green shirt on a skateboard on a stone wall with graffiti\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy riding a \u001b[92mskateboard\u001b[0m on a stone wall.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy in a green shirt on a skateboard on a stone wall with graffiti\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy riding a \u001b[91msnowboard\u001b[0m on a stone wall.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 735 / 22 / 118 / 875: 88%|▉| 875/1000 [0--------------------------------------------- Result 876 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A boy in a green shirt on a skateboard on a stone wall with graffiti\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy in a green shirt rollerblading through the tunnel.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 735 / 23 / 118 / 876: 88%|▉| 876/1000 [0--------------------------------------------- Result 877 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The back of a woman wearing a white jacket with blue jeans walking towards a flock of birds.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone person was \u001b[92mnear\u001b[0m a bunch of \u001b[92mbirds\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The back of a woman wearing a white jacket with blue jeans walking towards a flock of birds.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Someone person was \u001b[37mroundabout\u001b[0m a bunch of \u001b[37mstarlings\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 736 / 23 / 118 / 877: 88%|▉| 878/1000 [0--------------------------------------------- Result 878 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[92mEntailment (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The back of a woman wearing a white jacket with blue jeans walking towards a flock of birds.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There was a \u001b[91mdog\u001b[0m inside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The back of a woman wearing a white jacket with blue jeans walking towards a flock of birds.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There was a \u001b[92mcanine\u001b[0m inside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 737 / 23 / 118 / 878: 88%|▉| 878/1000 [0--------------------------------------------- Result 879 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (74%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The back of a woman wearing a white jacket with blue jeans walking towards a flock of birds.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There were some \u001b[92mbirds\u001b[0m near a woman.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The back of a woman wearing a white jacket with blue jeans walking towards a flock of birds.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: There were some \u001b[37mstarlings\u001b[0m near a woman.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 738 / 23 / 118 / 879: 88%|▉| 879/1000 [0--------------------------------------------- Result 880 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dog running with pet toy being chased by another dog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is being chased by a \u001b[91mcat\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dog running with pet toy being chased by another dog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is being chased by a \u001b[92mfelines\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 739 / 23 / 118 / 880: 88%|▉| 881/1000 [0--------------------------------------------- Result 881 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dog running with pet toy being chased by another dog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[37mblack\u001b[0m \u001b[37mdog\u001b[0m with a \u001b[37mtoy\u001b[0m is being based by a brown \u001b[37mdog\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dog running with pet toy being chased by another dog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[91mnigga\u001b[0m \u001b[91mkennel\u001b[0m with a \u001b[91mplaything\u001b[0m is being based by a brown \u001b[91mwhippet\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 740 / 23 / 118 / 881: 88%|▉| 881/1000 [0--------------------------------------------- Result 882 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[37mNeutral (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dog running with pet toy being chased by another dog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mdog\u001b[0m is running and being chased by another dog\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Dog running with pet toy being chased by another dog.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mschnauzer\u001b[0m is running and being chased by another dog\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 741 / 23 / 118 / 882: 88%|▉| 882/1000 [0--------------------------------------------- Result 883 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (57%)\u001b[0m --> \u001b[92mEntailment (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children and a woman climb up the stairs on a metal electric pole-like structure.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mwoman\u001b[0m and her kids climb up the stairs\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children and a woman climb up the stairs on a metal electric pole-like structure.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mfemale\u001b[0m and her kids climb up the stairs\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 742 / 23 / 118 / 883: 88%|▉| 884/1000 [0--------------------------------------------- Result 884 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (79%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children and a woman climb up the stairs on a metal electric pole-like structure.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman and kids climb up the escalator\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 742 / 23 / 119 / 884: 88%|▉| 884/1000 [0--------------------------------------------- Result 885 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (42%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children and a woman climb up the stairs on a metal electric pole-like structure.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman and two children climb up the \u001b[92mstairs\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two children and a woman climb up the stairs on a metal electric pole-like structure.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman and two children climb up the \u001b[91mbanister\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 743 / 23 / 119 / 885: 88%|▉| 885/1000 [0--------------------------------------------- Result 886 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting on the floor, sleeping.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is lying down, sleeping.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 743 / 23 / 120 / 886: 89%|▉| 887/1000 [0--------------------------------------------- Result 887 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[91mContradiction (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting on the floor, sleeping.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is sleeping on the \u001b[92mfloor\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting on the floor, sleeping.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is sleeping on the \u001b[91msol\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 744 / 23 / 120 / 887: 89%|▉| 887/1000 [0--------------------------------------------- Result 888 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (81%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is sitting on the floor, sleeping.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A young man is sleeping while in the sitting position.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 744 / 23 / 121 / 888: 89%|▉| 888/1000 [0--------------------------------------------- Result 889 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (93%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, wearing a colorful bikini, rests laying down next to the blue water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is wearing a prom \u001b[91mdress\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, wearing a colorful bikini, rests laying down next to the blue water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is wearing a prom \u001b[37mtoga\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 745 / 23 / 121 / 889: 89%|▉| 890/1000 [0--------------------------------------------- Result 890 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (98%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, wearing a colorful bikini, rests laying down next to the blue water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is a super \u001b[37mmodel\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, wearing a colorful bikini, rests laying down next to the blue water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The woman is a super \u001b[91mmannequin\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 746 / 23 / 121 / 890: 89%|▉| 890/1000 [0--------------------------------------------- Result 891 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (51%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, wearing a colorful bikini, rests laying down next to the blue water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman in a bikini lays \u001b[92mnear\u001b[0m the water.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman, wearing a colorful bikini, rests laying down next to the blue water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A woman in a bikini lays \u001b[37mtightest\u001b[0m the water.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 747 / 23 / 121 / 891: 89%|▉| 891/1000 [0--------------------------------------------- Result 892 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (69%)\u001b[0m --> \u001b[91mContradiction (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog jumps over an obstacle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m dog is a \u001b[37mchihuahua\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog jumps over an obstacle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m dog is a \u001b[91mzeus\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 748 / 23 / 121 / 892: 89%|▉| 893/1000 [0--------------------------------------------- Result 893 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (93%)\u001b[0m --> \u001b[37mNeutral (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog jumps over an obstacle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is in a \u001b[91mpool\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog jumps over an obstacle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is in a \u001b[37mreuniting\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 749 / 23 / 121 / 893: 89%|▉| 893/1000 [0--------------------------------------------- Result 894 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (96%)\u001b[0m --> \u001b[91mContradiction (100%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog jumps over an obstacle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is in the \u001b[92mair\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog jumps over an obstacle.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is in the \u001b[91mairplane\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 750 / 23 / 121 / 894: 89%|▉| 894/1000 [0--------------------------------------------- Result 895 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog carries an object in its mouth on a snowy hillside.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is taking something to its \u001b[37mowner\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog carries an object in its mouth on a snowy hillside.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is taking something to its \u001b[92mpossess\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 751 / 23 / 121 / 895: 90%|▉| 896/1000 [0--------------------------------------------- Result 896 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog carries an object in its mouth on a snowy hillside.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is \u001b[92mcarrying\u001b[0m something.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog carries an object in its mouth on a snowy hillside.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is \u001b[37mferrying\u001b[0m something.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 752 / 23 / 121 / 896: 90%|▉| 896/1000 [0--------------------------------------------- Result 897 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog carries an object in its mouth on a snowy hillside.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is carrying an object down a \u001b[91mgrassy\u001b[0m side.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A brown dog carries an object in its mouth on a snowy hillside.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A dog is carrying an object down a \u001b[37mweedy\u001b[0m side.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 753 / 23 / 121 / 897: 90%|▉| 897/1000 [0--------------------------------------------- Result 898 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[37mNeutral (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people watch a breakdancer in a red jacket do a one-handed trick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is doing tricks in \u001b[92mfront\u001b[0m of crowd.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people watch a breakdancer in a red jacket do a one-handed trick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A person is doing tricks in \u001b[37mnewsweek\u001b[0m of crowd.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 754 / 23 / 121 / 898: 90%|▉| 899/1000 [0--------------------------------------------- Result 899 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (84%)\u001b[0m --> \u001b[37mNeutral (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people watch a breakdancer in a red jacket do a one-handed trick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Tricks are made by a person in a red jacket while people \u001b[92mwatching\u001b[0m him.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people watch a breakdancer in a red jacket do a one-handed trick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Tricks are made by a person in a red jacket while people \u001b[37mnoticing\u001b[0m him.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 755 / 23 / 121 / 899: 90%|▉| 899/1000 [0--------------------------------------------- Result 900 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (38%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people watch a breakdancer in a red jacket do a one-handed trick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Man who wears red jacket got an \u001b[91maccident\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people watch a breakdancer in a red jacket do a one-handed trick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Man who wears red jacket got an \u001b[92moccurrence\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 756 / 23 / 121 / 900: 90%|▉| 900/1000 [0--------------------------------------------- Result 901 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (87%)\u001b[0m --> \u001b[91mContradiction (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men in neon yellow shirts busily sawing a log in half.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are cutting \u001b[37mwood\u001b[0m to \u001b[37mbuild\u001b[0m a table.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men in neon yellow shirts busily sawing a log in half.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are cutting \u001b[91mbois\u001b[0m to \u001b[91mengender\u001b[0m a table.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 757 / 23 / 121 / 901: 90%|▉| 902/1000 [0--------------------------------------------- Result 902 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (96%)\u001b[0m --> \u001b[37mNeutral (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men in neon yellow shirts busily sawing a log in half.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are \u001b[91mhammering\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men in neon yellow shirts busily sawing a log in half.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are \u001b[37mbusting\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 758 / 23 / 121 / 902: 90%|▉| 902/1000 [0--------------------------------------------- Result 903 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men in neon yellow shirts busily sawing a log in half.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are using a \u001b[92msaw\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men in neon yellow shirts busily sawing a log in half.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two men are using a \u001b[91mvu\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 759 / 23 / 121 / 903: 90%|▉| 903/1000 [0--------------------------------------------- Result 904 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (93%)\u001b[0m --> \u001b[37mNeutral (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two strong men work to saw a log.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two strong men are \u001b[92mworking\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two strong men work to saw a log.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two strong men are \u001b[37mpartnerships\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 760 / 23 / 121 / 904: 90%|▉| 905/1000 [0--------------------------------------------- Result 905 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[37mNeutral (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two strong men work to saw a log.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two strong men are having a \u001b[91mbeer\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two strong men work to saw a log.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two strong men are having a \u001b[37mlager\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 761 / 23 / 121 / 905: 90%|▉| 905/1000 [0--------------------------------------------- Result 906 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two strong men work to saw a log.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two strong men work to saw the \u001b[37moak\u001b[0m \u001b[37mlog\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two strong men work to saw a log.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: two strong men work to saw the \u001b[91mfiddling\u001b[0m \u001b[91mentries\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 762 / 23 / 121 / 906: 91%|▉| 906/1000 [0--------------------------------------------- Result 907 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (98%)\u001b[0m --> \u001b[92mEntailment (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a red belt and a white man wearing a blue belt are pictured in the act of practicing martial arts inside a building with a woman looking on in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mmen\u001b[0m are \u001b[37mnovices\u001b[0m at martial arts.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a red belt and a white man wearing a blue belt are pictured in the act of practicing martial arts inside a building with a woman looking on in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92msexes\u001b[0m are \u001b[92mstarters\u001b[0m at martial arts.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 763 / 23 / 121 / 907: 91%|▉| 908/1000 [0--------------------------------------------- Result 908 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (63%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a red belt and a white man wearing a blue belt are pictured in the act of practicing martial arts inside a building with a woman looking on in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are blackbelts.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 763 / 23 / 122 / 908: 91%|▉| 908/1000 [0--------------------------------------------- Result 909 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (44%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a red belt and a white man wearing a blue belt are pictured in the act of practicing martial arts inside a building with a woman looking on in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[92mwearing\u001b[0m a red \u001b[92mbelt\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A black man wearing a red belt and a white man wearing a blue belt are pictured in the act of practicing martial arts inside a building with a woman looking on in the background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mdoor\u001b[0m a red \u001b[91mwaistband\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 764 / 23 / 122 / 909: 91%|▉| 909/1000 [0--------------------------------------------- Result 910 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (57%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two ladies at workout in mother nature.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The ladies are sitting on the \u001b[91mfloor\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two ladies at workout in mother nature.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The ladies are sitting on the \u001b[37msoils\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 765 / 23 / 122 / 910: 91%|▉| 911/1000 [0--------------------------------------------- Result 911 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (92%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two ladies at workout in mother nature.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The ladies are kickboxing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 765 / 23 / 123 / 911: 91%|▉| 911/1000 [0--------------------------------------------- Result 912 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (82%)\u001b[0m --> \u001b[91mContradiction (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two ladies at workout in mother nature.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The two \u001b[92mladies\u001b[0m are outside.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two ladies at workout in mother nature.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The two \u001b[91mgentleman\u001b[0m are outside.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 766 / 23 / 123 / 912: 91%|▉| 912/1000 [0--------------------------------------------- Result 913 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A kid playing a game called The Derby.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is \u001b[91msleeping\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A kid playing a game called The Derby.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is \u001b[37mdream\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 767 / 23 / 123 / 913: 91%|▉| 914/1000 [0--------------------------------------------- Result 914 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (93%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A kid playing a game called The Derby.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is \u001b[92mplaying\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A kid playing a game called The Derby.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is \u001b[91mcasino\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 768 / 23 / 123 / 914: 91%|▉| 914/1000 [0--------------------------------------------- Result 915 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (85%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A kid playing a game called The Derby.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is playing a game for \u001b[37mfun\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A kid playing a game called The Derby.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is playing a game for \u001b[91mamuse\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 769 / 23 / 123 / 915: 92%|▉| 915/1000 [0--------------------------------------------- Result 916 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is riding a bike along a dirt trail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is riding a \u001b[91mhorse\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is riding a bike along a dirt trail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is riding a \u001b[37mequine\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 770 / 23 / 123 / 916: 92%|▉| 917/1000 [0--------------------------------------------- Result 917 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is riding a bike along a dirt trail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[92mman\u001b[0m is bike riding.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is riding a bike along a dirt trail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mfellers\u001b[0m is bike riding.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 771 / 23 / 123 / 917: 92%|▉| 917/1000 [0--------------------------------------------- Result 918 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is riding a bike along a dirt trail.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is riding a dirt bike.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 771 / 23 / 124 / 918: 92%|▉| 918/1000 [0--------------------------------------------- Result 919 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (82%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people in an alley looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are hanging out together\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 771 / 23 / 125 / 919: 92%|▉| 920/1000 [0--------------------------------------------- Result 920 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (60%)\u001b[0m --> \u001b[92mEntailment (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people in an alley looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are \u001b[37mtaking\u001b[0m a picture\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people in an alley looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are \u001b[92mhaving\u001b[0m a picture\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 772 / 23 / 125 / 920: 92%|▉| 920/1000 [0--------------------------------------------- Result 921 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people in an alley looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are on their \u001b[91mcomputer\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people in an alley looking at the camera.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People are on their \u001b[92mpcs\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 773 / 23 / 125 / 921: 92%|▉| 921/1000 [0--------------------------------------------- Result 922 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people look at fresh lettuce in at the local street market.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mgroup\u001b[0m of men, and \u001b[37mwomen\u001b[0m look at \u001b[37mfresh\u001b[0m romaine \u001b[37mlettuce\u001b[0m in at the local street \u001b[37mmarket\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people look at fresh lettuce in at the local street market.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mpooling\u001b[0m of men, and \u001b[91mgirlie\u001b[0m look at \u001b[91mgentle\u001b[0m romaine \u001b[91mendive\u001b[0m in at the local street \u001b[91mcontracting\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 774 / 23 / 125 / 922: 92%|▉| 923/1000 [0--------------------------------------------- Result 923 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (67%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people look at fresh lettuce in at the local street market.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People viewing produce at a \u001b[92mmarket\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people look at fresh lettuce in at the local street market.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: People viewing produce at a \u001b[37mcontract\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 775 / 23 / 125 / 923: 92%|▉| 923/1000 [0--------------------------------------------- Result 924 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (80%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people look at fresh lettuce in at the local street market.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[91mdogs\u001b[0m look at fresh lettuce in at the local street market.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of people look at fresh lettuce in at the local street market.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A group of \u001b[37mretriever\u001b[0m look at fresh lettuce in at the local street market.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 776 / 23 / 125 / 924: 92%|▉| 924/1000 [0--------------------------------------------- Result 925 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[37mNeutral (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of consumers walking through a public market to purchase vegetables with the background of the busy store just behind them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Group of people \u001b[91mthrowing\u001b[0m bananas at a market.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of consumers walking through a public market to purchase vegetables with the background of the busy store just behind them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Group of people \u001b[37mjeter\u001b[0m bananas at a market.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 777 / 23 / 125 / 925: 93%|▉| 926/1000 [0--------------------------------------------- Result 926 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (94%)\u001b[0m --> \u001b[91mContradiction (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of consumers walking through a public market to purchase vegetables with the background of the busy store just behind them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Shoppers \u001b[92mpurchasing\u001b[0m vegetables at a busy public market.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of consumers walking through a public market to purchase vegetables with the background of the busy store just behind them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Shoppers \u001b[91mtakeover\u001b[0m vegetables at a busy public market.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 778 / 23 / 125 / 926: 93%|▉| 926/1000 [0--------------------------------------------- Result 927 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (87%)\u001b[0m --> \u001b[92mEntailment (63%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of consumers walking through a public market to purchase vegetables with the background of the busy store just behind them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Group of people being \u001b[37mfilmed\u001b[0m purchasing vegetables for a market's \u001b[37madvertisement\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A group of consumers walking through a public market to purchase vegetables with the background of the busy store just behind them.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Group of people being \u001b[92mkiiled\u001b[0m purchasing vegetables for a market's \u001b[92mpublicized\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 779 / 23 / 125 / 927: 93%|▉| 927/1000 [0--------------------------------------------- Result 928 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (76%)\u001b[0m --> \u001b[37mNeutral (46%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An Asian wearing a pastel print shirt and sunhat pushing his cart up the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An Asian man is \u001b[91mreading\u001b[0m the paper.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An Asian wearing a pastel print shirt and sunhat pushing his cart up the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An Asian man is \u001b[37mread\u001b[0m the paper.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 780 / 23 / 125 / 928: 93%|▉| 929/1000 [0--------------------------------------------- Result 929 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (75%)\u001b[0m --> \u001b[37mNeutral (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An Asian wearing a pastel print shirt and sunhat pushing his cart up the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An Asian man is \u001b[92mpushing\u001b[0m a cart up the street.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An Asian wearing a pastel print shirt and sunhat pushing his cart up the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An Asian man is \u001b[37mprodding\u001b[0m a cart up the street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 781 / 23 / 125 / 929: 93%|▉| 929/1000 [0--------------------------------------------- Result 930 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (73%)\u001b[0m --> \u001b[92mEntailment (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An Asian wearing a pastel print shirt and sunhat pushing his cart up the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An Asian man is \u001b[37mselling\u001b[0m food.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: An Asian wearing a pastel print shirt and sunhat pushing his cart up the street.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: An Asian man is \u001b[92mmarketed\u001b[0m food.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 782 / 23 / 125 / 930: 93%|▉| 930/1000 [0--------------------------------------------- Result 931 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37mNeutral (44%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is working on a Earthen structure with a pickaxe.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m \u001b[92mman\u001b[0m has tools.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is working on a Earthen structure with a pickaxe.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m \u001b[37mfella\u001b[0m has tools.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 783 / 23 / 125 / 931: 93%|▉| 932/1000 [0--------------------------------------------- Result 932 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91mContradiction (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is working on a Earthen structure with a pickaxe.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[37mrepairing\u001b[0m a \u001b[37mdam\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is working on a Earthen structure with a pickaxe.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man is \u001b[91mrepairs\u001b[0m a \u001b[91mbarrage\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 784 / 23 / 125 / 932: 93%|▉| 932/1000 [0--------------------------------------------- Result 933 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (97%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is working on a Earthen structure with a pickaxe.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mman\u001b[0m is in an \u001b[91moffice\u001b[0m building.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man is working on a Earthen structure with a pickaxe.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mguy\u001b[0m is in an \u001b[37mbureau\u001b[0m building.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 785 / 23 / 125 / 933: 93%|▉| 933/1000 [0--------------------------------------------- Result 934 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs stand side by side in the yard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two dogs \u001b[91msitting\u001b[0m on the porch.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs stand side by side in the yard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two dogs \u001b[37mmeeting\u001b[0m on the porch.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 786 / 23 / 125 / 934: 94%|▉| 935/1000 [0--------------------------------------------- Result 935 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (75%)\u001b[0m --> \u001b[92mEntailment (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs stand side by side in the yard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two dogs \u001b[37mhiding\u001b[0m in the yard together.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs stand side by side in the yard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two dogs \u001b[92mconceals\u001b[0m in the yard together.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 787 / 23 / 125 / 935: 94%|▉| 935/1000 [0--------------------------------------------- Result 936 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[37mNeutral (73%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs stand side by side in the yard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two dogs standing together in the \u001b[92myard\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two dogs stand side by side in the yard.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two dogs standing together in the \u001b[37mbackyard\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 788 / 23 / 125 / 936: 94%|▉| 936/1000 [0--------------------------------------------- Result 937 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (84%)\u001b[0m --> \u001b[37mNeutral (47%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two older women with a baby that has a pacifier in its mouth, the baby wears an orange and brown dress.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A baby is \u001b[92mwearing\u001b[0m orange.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two older women with a baby that has a pacifier in its mouth, the baby wears an orange and brown dress.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A baby is \u001b[37mports\u001b[0m orange.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 789 / 23 / 125 / 937: 94%|▉| 938/1000 [0--------------------------------------------- Result 938 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (95%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two older women with a baby that has a pacifier in its mouth, the baby wears an orange and brown dress.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dress was a \u001b[37mgift\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two older women with a baby that has a pacifier in its mouth, the baby wears an orange and brown dress.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dress was a \u001b[91mdon\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 790 / 23 / 125 / 938: 94%|▉| 938/1000 [0--------------------------------------------- Result 939 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (73%)\u001b[0m --> \u001b[37mNeutral (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two older women with a baby that has a pacifier in its mouth, the baby wears an orange and brown dress.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The baby is \u001b[91mnude\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two older women with a baby that has a pacifier in its mouth, the baby wears an orange and brown dress.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The baby is \u001b[37mnus\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 791 / 23 / 125 / 939: 94%|▉| 939/1000 [0--------------------------------------------- Result 940 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (94%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt and brown pants is jumping in the air performing a karate kick towards a man in a red shirt and black hat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mActors\u001b[0m who are also martial \u001b[37marts\u001b[0m \u001b[37mexperts\u001b[0m \u001b[37mface\u001b[0m off as opponents with the good guy in brown and black and the bad guy wearing red and a black hat.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt and brown pants is jumping in the air performing a karate kick towards a man in a red shirt and black hat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mActress\u001b[0m who are also martial \u001b[91martwork\u001b[0m \u001b[91mspeciality\u001b[0m \u001b[91mfaces\u001b[0m off as opponents with the good guy in brown and black and the bad guy wearing red and a black hat.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 792 / 23 / 125 / 940: 94%|▉| 941/1000 [0--------------------------------------------- Result 941 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (94%)\u001b[0m --> \u001b[37mNeutral (61%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt and brown pants is jumping in the air performing a karate kick towards a man in a red shirt and black hat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[91mwomen\u001b[0m dressed in opposing team colors of brown and black and red and black fight in a karate match.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt and brown pants is jumping in the air performing a karate kick towards a man in a red shirt and black hat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mfemmes\u001b[0m dressed in opposing team colors of brown and black and red and black fight in a karate match.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 793 / 23 / 125 / 941: 94%|▉| 941/1000 [0--------------------------------------------- Result 942 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[37mNeutral (43%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt and brown pants is jumping in the air performing a karate kick towards a man in a red shirt and black hat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[92mmales\u001b[0m are involved in martial arts.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man in a black shirt and brown pants is jumping in the air performing a karate kick towards a man in a red shirt and black hat.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Two \u001b[37mfellas\u001b[0m are involved in martial arts.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 794 / 23 / 125 / 942: 94%|▉| 942/1000 [0--------------------------------------------- Result 943 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (79%)\u001b[0m --> \u001b[37mNeutral (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A wet child stands in chest deep ocean water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is in the \u001b[92mocean\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A wet child stands in chest deep ocean water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is in the \u001b[37mseafaring\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 795 / 23 / 125 / 943: 94%|▉| 944/1000 [0--------------------------------------------- Result 944 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (48%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A wet child stands in chest deep ocean water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child s playing on the beach.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 795 / 23 / 126 / 944: 94%|▉| 944/1000 [0--------------------------------------------- Result 945 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (90%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A wet child stands in chest deep ocean water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is a \u001b[37mboy\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A wet child stands in chest deep ocean water.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The child is a \u001b[91mbartender\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 796 / 23 / 126 / 945: 94%|▉| 945/1000 [0--------------------------------------------- Result 946 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (98%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three young girls in winter clothing and hats look at disposable cameras they are holding.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The temperature is a scalding 100 degrees fahrenheit.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 796 / 24 / 126 / 946: 95%|▉| 947/1000 [0--------------------------------------------- Result 947 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (75%)\u001b[0m --> \u001b[37mNeutral (81%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three young girls in winter clothing and hats look at disposable cameras they are holding.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young girls are \u001b[92mtogether\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three young girls in winter clothing and hats look at disposable cameras they are holding.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The young girls are \u001b[37mjointly\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 797 / 24 / 126 / 947: 95%|▉| 947/1000 [0--------------------------------------------- Result 948 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (89%)\u001b[0m --> \u001b[91mContradiction (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three young girls in winter clothing and hats look at disposable cameras they are holding.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mThe\u001b[0m \u001b[37mcameras\u001b[0m are \u001b[37mcheap\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three young girls in winter clothing and hats look at disposable cameras they are holding.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mBoth\u001b[0m \u001b[91mcams\u001b[0m are \u001b[91mcheaply\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 798 / 24 / 126 / 948: 95%|▉| 948/1000 [0--------------------------------------------- Result 949 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a red helmet and numbers on his arm and leg is riding a red racing bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mtall\u001b[0m \u001b[91mman\u001b[0m is \u001b[91msitting\u001b[0m on a swingset in a \u001b[91mdeserted\u001b[0m \u001b[91mpark\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a red helmet and numbers on his arm and leg is riding a red racing bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92msubstantial\u001b[0m \u001b[92mmale\u001b[0m is \u001b[92minstalled\u001b[0m on a swingset in a \u001b[92mpeopled\u001b[0m \u001b[92mpak\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 799 / 24 / 126 / 949: 95%|▉| 950/1000 [0--------------------------------------------- Result 950 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[92mEntailment (72%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a red helmet and numbers on his arm and leg is riding a red racing bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man in the red helmet is \u001b[37mwinning\u001b[0m his bicycle race.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a red helmet and numbers on his arm and leg is riding a red racing bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man in the red helmet is \u001b[92mattaining\u001b[0m his bicycle race.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 800 / 24 / 126 / 950: 95%|▉| 950/1000 [0--------------------------------------------- Result 951 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (56%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a red helmet and numbers on his arm and leg is riding a red racing bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mperson\u001b[0m wearing numbers is using a nonmotorized vehicle.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man with a red helmet and numbers on his arm and leg is riding a red racing bike.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91manyone\u001b[0m wearing numbers is using a nonmotorized vehicle.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 801 / 24 / 126 / 951: 95%|▉| 951/1000 [0--------------------------------------------- Result 952 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[92mEntailment (60%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing dark knee boots, a green cape, and a hat with two big feathers on the front is sitting by himself on a bench in front of a building with a blue and white patterned piece of wheeled luggage to his right while he rests both his hands on a walking stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mman\u001b[0m in a \u001b[91mred\u001b[0m cape and a hat with three feathers sits by himself.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing dark knee boots, a green cape, and a hat with two big feathers on the front is sitting by himself on a bench in front of a building with a blue and white patterned piece of wheeled luggage to his right while he rests both his hands on a walking stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mdude\u001b[0m in a \u001b[92mflushed\u001b[0m cape and a hat with three feathers sits by himself.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 802 / 24 / 126 / 952: 95%|▉| 953/1000 [0--------------------------------------------- Result 953 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (60%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing dark knee boots, a green cape, and a hat with two big feathers on the front is sitting by himself on a bench in front of a building with a blue and white patterned piece of wheeled luggage to his right while he rests both his hands on a walking stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man sits by himself at Mardi Gras.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 802 / 24 / 127 / 953: 95%|▉| 953/1000 [0--------------------------------------------- Result 954 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (92%)\u001b[0m --> \u001b[91mContradiction (82%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing dark knee boots, a green cape, and a hat with two big feathers on the front is sitting by himself on a bench in front of a building with a blue and white patterned piece of wheeled luggage to his right while he rests both his hands on a walking stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man with a walking stick \u001b[92msits\u001b[0m by himself.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man wearing dark knee boots, a green cape, and a hat with two big feathers on the front is sitting by himself on a bench in front of a building with a blue and white patterned piece of wheeled luggage to his right while he rests both his hands on a walking stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man with a walking stick \u001b[91mheadquarter\u001b[0m by himself.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 803 / 24 / 127 / 954: 95%|▉| 954/1000 [0--------------------------------------------- Result 955 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The white dog is pulling a large stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is playing tug of \u001b[37mwar\u001b[0m with a \u001b[37mstick\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The white dog is pulling a large stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is playing tug of \u001b[91mfought\u001b[0m with a \u001b[91mbatons\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 804 / 24 / 127 / 955: 96%|▉| 956/1000 [0--------------------------------------------- Result 956 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (99%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The white dog is pulling a large stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is pulling a \u001b[92mstick\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The white dog is pulling a large stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is pulling a \u001b[91mcane\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 805 / 24 / 127 / 956: 96%|▉| 956/1000 [0--------------------------------------------- Result 957 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The white dog is pulling a large stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is \u001b[91mtaking\u001b[0m a \u001b[91mnap\u001b[0m at the park.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The white dog is pulling a large stick.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The dog is \u001b[37mmaking\u001b[0m a \u001b[37msiesta\u001b[0m at the park.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 806 / 24 / 127 / 957: 96%|▉| 957/1000 [0--------------------------------------------- Result 958 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (85%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A tree worker with a hard hat is cutting down a branch.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The tree appears to be dead.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 806 / 24 / 128 / 958: 96%|▉| 959/1000 [0--------------------------------------------- Result 959 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (69%)\u001b[0m --> \u001b[37mNeutral (76%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A tree worker with a hard hat is cutting down a branch.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is wearing safety gear on his \u001b[92mhead\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A tree worker with a hard hat is cutting down a branch.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The man is wearing safety gear on his \u001b[37mtete\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 807 / 24 / 128 / 959: 96%|▉| 959/1000 [0--------------------------------------------- Result 960 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A tree worker with a hard hat is cutting down a branch.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mballerina\u001b[0m is \u001b[91mclimbing\u001b[0m a tree.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A tree worker with a hard hat is cutting down a branch.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mchoreographer\u001b[0m is \u001b[37mescalating\u001b[0m a tree.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 808 / 24 / 128 / 960: 96%|▉| 960/1000 [0--------------------------------------------- Result 961 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[92mEntailment (55%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child plays with her father's boots.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child players with her father's boots while he is at \u001b[37mwork\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child plays with her father's boots.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child players with her father's boots while he is at \u001b[92mactivities\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 809 / 24 / 128 / 961: 96%|▉| 962/1000 [0--------------------------------------------- Result 962 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (50%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child plays with her father's boots.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is \u001b[92mplaying\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child plays with her father's boots.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is \u001b[37mgambling\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 810 / 24 / 128 / 962: 96%|▉| 962/1000 [0--------------------------------------------- Result 963 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (50%)\u001b[0m --> \u001b[92mEntailment (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child plays with her father's boots.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is \u001b[91mplaying\u001b[0m with her mothers' shoe.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A child plays with her father's boots.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A child is \u001b[92mplaything\u001b[0m with her mothers' shoe.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 811 / 24 / 128 / 963: 96%|▉| 963/1000 [0--------------------------------------------- Result 964 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (70%)\u001b[0m --> \u001b[91mContradiction (95%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in a hoodie climbs a red slide sitting on a red and green checkered background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A red \u001b[37mslide\u001b[0m on the patio is next to a small swing set.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in a hoodie climbs a red slide sitting on a red and green checkered background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A red \u001b[91mtoboggan\u001b[0m on the patio is next to a small swing set.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 812 / 24 / 128 / 964: 96%|▉| 965/1000 [0--------------------------------------------- Result 965 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in a hoodie climbs a red slide sitting on a red and green checkered background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is \u001b[91mtaking\u001b[0m a \u001b[91mbath\u001b[0m with his rubber duck.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in a hoodie climbs a red slide sitting on a red and green checkered background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A boy is \u001b[37mdecided\u001b[0m a \u001b[37mlavatories\u001b[0m with his rubber duck.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 813 / 24 / 128 / 965: 96%|▉| 965/1000 [0--------------------------------------------- Result 966 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (84%)\u001b[0m --> \u001b[37mNeutral (41%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in a hoodie climbs a red slide sitting on a red and green checkered background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m \u001b[92mboy\u001b[0m is playing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A young boy in a hoodie climbs a red slide sitting on a red and green checkered background.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mparas\u001b[0m \u001b[37mman\u001b[0m is playing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 814 / 24 / 128 / 966: 97%|▉| 966/1000 [0--------------------------------------------- Result 967 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (82%)\u001b[0m --> \u001b[37mNeutral (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lioness closes in on its prey.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[92mlioness\u001b[0m preying\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lioness closes in on its prey.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: a \u001b[37mcheetah\u001b[0m preying\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 815 / 24 / 128 / 967: 97%|▉| 968/1000 [0--------------------------------------------- Result 968 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (70%)\u001b[0m --> \u001b[91mContradiction (96%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lioness closes in on its prey.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[37mlioness\u001b[0m is \u001b[37mhungry\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lioness closes in on its prey.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[91mcheetahs\u001b[0m is \u001b[91mstarve\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 816 / 24 / 128 / 968: 97%|▉| 968/1000 [0--------------------------------------------- Result 969 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (57%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lioness closes in on its prey.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the lioness is \u001b[91msleeping\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A lioness closes in on its prey.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the lioness is \u001b[37mdream\u001b[0m\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 817 / 24 / 128 / 969: 97%|▉| 969/1000 [0--------------------------------------------- Result 970 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (91%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female gymnast in black and red being coached on bar skills.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The female \u001b[92mgymnast\u001b[0m is training.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female gymnast in black and red being coached on bar skills.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The female \u001b[37mmedalist\u001b[0m is training.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 818 / 24 / 128 / 970: 97%|▉| 971/1000 [0--------------------------------------------- Result 971 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (90%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female gymnast in black and red being coached on bar skills.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The female gymnast is on her way to the gym.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 818 / 24 / 129 / 971: 97%|▉| 971/1000 [0--------------------------------------------- Result 972 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (69%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female gymnast in black and red being coached on bar skills.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The female gymnast is \u001b[37mtraining\u001b[0m for the \u001b[37mOlympics\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A female gymnast in black and red being coached on bar skills.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The female gymnast is \u001b[91mtuition\u001b[0m for the \u001b[91mMedalist\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 819 / 24 / 129 / 972: 97%|▉| 972/1000 [0--------------------------------------------- Result 973 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (62%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a white hijab digs into the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[91mpigs\u001b[0m \u001b[91meat\u001b[0m dogs\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a white hijab digs into the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the \u001b[37mhogg\u001b[0m \u001b[37mingested\u001b[0m dogs\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 820 / 24 / 129 / 973: 97%|▉| 974/1000 [0--------------------------------------------- Result 974 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (97%)\u001b[0m --> \u001b[37mNeutral (68%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a white hijab digs into the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the lady \u001b[92mdigs\u001b[0m into the ground\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a white hijab digs into the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the lady \u001b[37marcheologists\u001b[0m into the ground\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 821 / 24 / 129 / 974: 97%|▉| 974/1000 [0--------------------------------------------- Result 975 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (96%)\u001b[0m --> \u001b[91mContradiction (67%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a white hijab digs into the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the lady digs into the \u001b[37mground\u001b[0m for gold\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A woman in a white hijab digs into the ground.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: the lady digs into the \u001b[91mterre\u001b[0m for gold\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 822 / 24 / 129 / 975: 98%|▉| 975/1000 [0--------------------------------------------- Result 976 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (86%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A smiling girl slides down a purple slide feet first.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl goes down a \u001b[92mslide\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A smiling girl slides down a purple slide feet first.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl goes down a \u001b[91mtoboggan\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 823 / 24 / 129 / 976: 98%|▉| 977/1000 [0--------------------------------------------- Result 977 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A smiling girl slides down a purple slide feet first.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mfrowning\u001b[0m \u001b[91mboy\u001b[0m is \u001b[91mplaying\u001b[0m \u001b[91msoccer\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A smiling girl slides down a purple slide feet first.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mglances\u001b[0m \u001b[37mboys\u001b[0m is \u001b[37mbets\u001b[0m \u001b[37mfooting\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 824 / 24 / 129 / 977: 98%|▉| 977/1000 [0--------------------------------------------- Result 978 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (52%)\u001b[0m --> \u001b[37m[SKIPPED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A smiling girl slides down a purple slide feet first.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A girl happily uses the equipment at a playground.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 824 / 24 / 130 / 978: 98%|▉| 978/1000 [0--------------------------------------------- Result 979 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[91m[FAILED]\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarder with a black and white hat at the top of a jump on a snowy day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A skateboarded is jogging down the street.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 824 / 25 / 130 / 979: 98%|▉| 980/1000 [0--------------------------------------------- Result 980 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (99%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarder with a black and white hat at the top of a jump on a snowy day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mskateboarder\u001b[0m is \u001b[37mpreparing\u001b[0m for the \u001b[37mnew\u001b[0m season.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarder with a black and white hat at the top of a jump on a snowy day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mrollerblades\u001b[0m is \u001b[91mprepped\u001b[0m for the \u001b[91mnewer\u001b[0m season.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 825 / 25 / 130 / 980: 98%|▉| 980/1000 [0--------------------------------------------- Result 981 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[91mContradiction (91%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarder with a black and white hat at the top of a jump on a snowy day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mA\u001b[0m \u001b[92mskateboarder\u001b[0m is outdoors.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A skateboarder with a black and white hat at the top of a jump on a snowy day.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91manother\u001b[0m \u001b[91mrollerblades\u001b[0m is outdoors.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 826 / 25 / 130 / 981: 98%|▉| 981/1000 [0--------------------------------------------- Result 982 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (98%)\u001b[0m --> \u001b[37mNeutral (58%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man stands by two face structures on Easter Island.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man on Easter \u001b[92mIsland\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man stands by two face structures on Easter Island.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man on Easter \u001b[37mIsla\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 827 / 25 / 130 / 982: 98%|▉| 983/1000 [0--------------------------------------------- Result 983 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man stands by two face structures on Easter Island.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[91mchild\u001b[0m \u001b[91mhunts\u001b[0m for easter eggs.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man stands by two face structures on Easter Island.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37munderage\u001b[0m \u001b[37mhunted\u001b[0m for easter eggs.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 828 / 25 / 130 / 983: 98%|▉| 983/1000 [0--------------------------------------------- Result 984 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (91%)\u001b[0m --> \u001b[92mEntailment (53%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man stands by two face structures on Easter Island.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[37mtourist\u001b[0m has his picture taken on Easter Island.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A man stands by two face structures on Easter Island.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A \u001b[92mtravels\u001b[0m has his picture taken on Easter Island.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 829 / 25 / 130 / 984: 98%|▉| 984/1000 [0--------------------------------------------- Result 985 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (59%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man in a red shirt is laying on the grass reaching out to another person.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[37mman\u001b[0m is reaching for his \u001b[37mwife\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man in a red shirt is laying on the grass reaching out to another person.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The \u001b[91mmankind\u001b[0m is reaching for his \u001b[91mfemmes\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 830 / 25 / 130 / 985: 99%|▉| 986/1000 [0--------------------------------------------- Result 986 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (81%)\u001b[0m --> \u001b[37mNeutral (54%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man in a red shirt is laying on the grass reaching out to another person.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mThe\u001b[0m \u001b[91mman\u001b[0m is sunbathing and doesn't \u001b[91mhave\u001b[0m on anything but his \u001b[91mswim\u001b[0m trunks.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man in a red shirt is laying on the grass reaching out to another person.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[37mBoth\u001b[0m \u001b[37mbuddy\u001b[0m is sunbathing and doesn't \u001b[37mobtains\u001b[0m on anything but his \u001b[37mwallow\u001b[0m trunks.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 831 / 25 / 130 / 986: 99%|▉| 986/1000 [0--------------------------------------------- Result 987 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (60%)\u001b[0m --> \u001b[37mNeutral (64%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man in a red shirt is laying on the grass reaching out to another person.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in red is holding out his \u001b[92mhand\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: a man in a red shirt is laying on the grass reaching out to another person.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A man in red is holding out his \u001b[37mmano\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 832 / 25 / 130 / 987: 99%|▉| 987/1000 [0--------------------------------------------- Result 988 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (100%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are smiling and making cupcakes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three women make \u001b[37mcupcakes\u001b[0m for a bake sale.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are smiling and making cupcakes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three women make \u001b[91mmuffins\u001b[0m for a bake sale.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 833 / 25 / 130 / 988: 99%|▉| 989/1000 [0--------------------------------------------- Result 989 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (53%)\u001b[0m --> \u001b[37mNeutral (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are smiling and making cupcakes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The three women are \u001b[92mhappy\u001b[0m about baking cupcakes.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are smiling and making cupcakes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The three women are \u001b[37mglad\u001b[0m about baking cupcakes.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 834 / 25 / 130 / 989: 99%|▉| 989/1000 [0--------------------------------------------- Result 990 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (88%)\u001b[0m --> \u001b[92mEntailment (75%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are smiling and making cupcakes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three women \u001b[91mgo\u001b[0m to the \u001b[91mspa\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Three women are smiling and making cupcakes.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Three women \u001b[92mmove\u001b[0m to the \u001b[92mspca\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 835 / 25 / 130 / 990: 99%|▉| 990/1000 [0--------------------------------------------- Result 991 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men in hard hats work along a wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Guys are working near a \u001b[92mwall\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men in hard hats work along a wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Guys are working near a \u001b[91mfence\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 836 / 25 / 130 / 991: 99%|▉| 992/1000 [0--------------------------------------------- Result 992 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[37mNeutral (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men in hard hats work along a wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Guys are \u001b[91mjumping\u001b[0m in the \u001b[91mpool\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men in hard hats work along a wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Guys are \u001b[37mstrides\u001b[0m in the \u001b[37mteaming\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 837 / 25 / 130 / 992: 99%|▉| 992/1000 [0--------------------------------------------- Result 993 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (49%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men in hard hats work along a wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Guys are \u001b[37mworking\u001b[0m near a \u001b[37mwall\u001b[0m and it \u001b[37mstarts\u001b[0m \u001b[37mraining\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Men in hard hats work along a wall.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Guys are \u001b[91macted\u001b[0m near a \u001b[91mfence\u001b[0m and it \u001b[91mlaunching\u001b[0m \u001b[91mflurries\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 838 / 25 / 130 / 993: 99%|▉| 993/1000 [0--------------------------------------------- Result 994 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (100%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The farmers are out working hard on there tractor, they have on their overalls and the machine is almost fixed.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[91mPeople\u001b[0m wearing \u001b[91mshorts\u001b[0m are \u001b[91mstanding\u001b[0m around \u001b[91mdoing\u001b[0m nothing.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The farmers are out working hard on there tractor, they have on their overalls and the machine is almost fixed.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: \u001b[92mHumans\u001b[0m wearing \u001b[92mshorted\u001b[0m are \u001b[92msustained\u001b[0m around \u001b[92mrendering\u001b[0m nothing.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 839 / 25 / 130 / 994: 100%|▉| 995/1000 [0--------------------------------------------- Result 995 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (76%)\u001b[0m --> \u001b[91mContradiction (83%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The farmers are out working hard on there tractor, they have on their overalls and the machine is almost fixed.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men in \u001b[92moveralls\u001b[0m work to fix a tractor.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The farmers are out working hard on there tractor, they have on their overalls and the machine is almost fixed.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Men in \u001b[91mjumpsuits\u001b[0m work to fix a tractor.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 840 / 25 / 130 / 995: 100%|▉| 995/1000 [0--------------------------------------------- Result 996 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (87%)\u001b[0m --> \u001b[37mNeutral (42%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The farmers are out working hard on there tractor, they have on their overalls and the machine is almost fixed.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Overall wearing people are \u001b[92mworking\u001b[0m to fix a \u001b[92mtractor\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: The farmers are out working hard on there tractor, they have on their overalls and the machine is almost fixed.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: Overall wearing people are \u001b[37mpartnerships\u001b[0m to fix a \u001b[37mtractors\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 841 / 25 / 130 / 996: 100%|▉| 996/1000 [0--------------------------------------------- Result 997 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (99%)\u001b[0m --> \u001b[37mNeutral (52%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men working on farm equipment that is being pulled by two horses.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The equipment is being pulled by \u001b[91msheep\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men working on farm equipment that is being pulled by two horses.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The equipment is being pulled by \u001b[37mherd\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 842 / 25 / 130 / 997: 100%|▉| 998/1000 [0--------------------------------------------- Result 998 ---------------------------------------------\n",
|
||
"\u001b[37mNeutral (99%)\u001b[0m --> \u001b[91mContradiction (66%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men working on farm equipment that is being pulled by two horses.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The horses are both \u001b[37mbrown\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men working on farm equipment that is being pulled by two horses.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The horses are both \u001b[91mlebrun\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 843 / 25 / 130 / 998: 100%|▉| 998/1000 [0--------------------------------------------- Result 999 ---------------------------------------------\n",
|
||
"\u001b[92mEntailment (95%)\u001b[0m --> \u001b[37mNeutral (70%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men working on farm equipment that is being pulled by two horses.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are working on farm \u001b[92mstuff\u001b[0m.\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: Two men working on farm equipment that is being pulled by two horses.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: The men are working on farm \u001b[37malgo\u001b[0m.\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 844 / 25 / 130 / 999: 100%|▉| 999/1000 [0--------------------------------------------- Result 1000 ---------------------------------------------\n",
|
||
"\u001b[91mContradiction (77%)\u001b[0m --> \u001b[92mEntailment (48%)\u001b[0m\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A Skier ski-jumping while two other skiers watch his act.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A skier down the \u001b[91mroad\u001b[0m skiying\n",
|
||
"\n",
|
||
"\u001b[1m\u001b[4mPremise\u001b[0m\u001b[0m: A Skier ski-jumping while two other skiers watch his act.\n",
|
||
"\u001b[1m\u001b[4mHypothesis\u001b[0m\u001b[0m: A skier down the \u001b[92mroute\u001b[0m skiying\n",
|
||
"\n",
|
||
"\n",
|
||
"[Succeeded / Failed / Skipped / Total] 845 / 25 / 130 / 1000: 100%|█| 1000/1000 \n",
|
||
"\n",
|
||
"+-------------------------------+--------+\n",
|
||
"| Attack Results | |\n",
|
||
"+-------------------------------+--------+\n",
|
||
"| Number of successful attacks: | 845 |\n",
|
||
"| Number of failed attacks: | 25 |\n",
|
||
"| Number of skipped attacks: | 130 |\n",
|
||
"| Original accuracy: | 87.0% |\n",
|
||
"| Accuracy under attack: | 2.5% |\n",
|
||
"| Attack success rate: | 97.13% |\n",
|
||
"| Average perturbed word %: | 7.59% |\n",
|
||
"| Average num. words per input: | 21.3 |\n",
|
||
"| Avg num queries: | 58.9 |\n",
|
||
"+-------------------------------+--------+\n"
|
||
]
|
||
}
|
||
],
|
||
"source": [
|
||
"!textattack attack --recipe textfooler --num-examples 1000 --model ./outputs/2021-06-01-09-32-01-176023/best_model/ --dataset-from-huggingface snli --dataset-split test"
|
||
]
|
||
},
|
||
{
|
||
"cell_type": "markdown",
|
||
"metadata": {},
|
||
"source": [
|
||
"Looks like our model was 87.0% successful (makes sense - same evaluation set as `textattack eval`!), meaning that TextAttack attacked the model with 870 examples (since the attack won't run if an example is originally mispredicted). The attack success rate was 97.13%, meaning that TextFooler failed to find an adversarial example only 2.87% of the time.\n",
|
||
"\n",
|
||
"\n",
|
||
"## Conclusion\n",
|
||
"\n",
|
||
"That's all, folks! We've learned how to train, evaluate, and attack a model with TextAttack, using only three commands! 😀"
|
||
]
|
||
}
|
||
],
|
||
"metadata": {
|
||
"kernelspec": {
|
||
"display_name": "Python 3",
|
||
"language": "python",
|
||
"name": "python3"
|
||
},
|
||
"language_info": {
|
||
"codemirror_mode": {
|
||
"name": "ipython",
|
||
"version": 3
|
||
},
|
||
"file_extension": ".py",
|
||
"mimetype": "text/x-python",
|
||
"name": "python",
|
||
"nbconvert_exporter": "python",
|
||
"pygments_lexer": "ipython3",
|
||
"version": "3.8.8"
|
||
}
|
||
},
|
||
"nbformat": 4,
|
||
"nbformat_minor": 4
|
||
}
|