diff --git a/.circleci/config.yml b/.circleci/config.yml index 02fa1de8..aec28e77 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -17,30 +17,6 @@ jobs: pre-commit run --all if ! git diff --quiet; then echo 'Style checks failed, please install pre-commit and run pre-commit run --all and push the change'; exit 1; fi - mlx_lm_build_and_test: - macos: - xcode: "15.2.0" - resource_class: macos.m1.large.gen1 - steps: - - checkout - - run: - name: Install dependencies - command: | - brew install python@3.8 - python3.8 -m venv env - source env/bin/activate - pip install --upgrade pip - pip install unittest-xml-reporting - cd llms/ - pip install -e ".[testing]" - - run: - name: Run Python tests - command: | - source env/bin/activate - python -m xmlrunner discover -v llms/tests -o test-results/ - - store_test_results: - path: test-results - workflows: build_and_test: when: @@ -48,7 +24,6 @@ workflows: pattern: "^(?!pull/)[-\\w]+$" value: << pipeline.git.branch >> jobs: - - mlx_lm_build_and_test - linux_build_and_test prb: @@ -61,7 +36,5 @@ workflows: type: approval - apple/authenticate: context: pr-approval - - mlx_lm_build_and_test: - requires: [ hold ] - linux_build_and_test: requires: [ hold ] diff --git a/.gitignore b/.gitignore index f3dfe929..45445fc8 100644 --- a/.gitignore +++ b/.gitignore @@ -6,6 +6,9 @@ __pycache__/ # C extensions *.so +# Vim +*.swp + # Distribution / packaging .Python build/ diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 1a648a69..7a1bf9bf 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -1,10 +1,10 @@ repos: - repo: https://github.com/psf/black-pre-commit-mirror - rev: 24.3.0 + rev: 25.1.0 hooks: - id: black - repo: https://github.com/pycqa/isort - rev: 5.13.2 + rev: 6.0.0 hooks: - id: isort args: diff --git a/ACKNOWLEDGMENTS.md b/ACKNOWLEDGMENTS.md index 2b98bc95..c6853710 100644 --- a/ACKNOWLEDGMENTS.md +++ b/ACKNOWLEDGMENTS.md @@ -14,3 +14,4 @@ MLX Examples was developed with contributions from the following individuals: - Markus Enzweiler: Added the `cvae` examples. - Prince Canuma: Helped add support for `Starcoder2` models. - Shiyu Li: Added the `Segment Anything Model`. +- Gökdeniz Gülmez: Added support for `MiniCPM`, `Helium`, `Mamba version 1`, `OLMoE` archtectures and support for `full-fine-tuning`. \ No newline at end of file diff --git a/README.md b/README.md index 2ca11d4b..9b88bd34 100644 --- a/README.md +++ b/README.md @@ -4,12 +4,12 @@ This repo contains a variety of standalone examples using the [MLX framework](https://github.com/ml-explore/mlx). The [MNIST](mnist) example is a good starting point to learn how to use MLX. - -Some more useful examples are listed below. +Some more useful examples are listed below. Check-out [MLX +LM](https://github.com/ml-explore/mlx-lm) for a more fully featured Python +package for LLMs with MLX. ### Text Models -- [MLX LM](llms/README.md) a package for LLM text generation, fine-tuning, and more. - [Transformer language model](transformer_lm) training. - Minimal examples of large scale text generation with [LLaMA](llms/llama), [Mistral](llms/mistral), and more in the [LLMs](llms) directory. @@ -20,18 +20,23 @@ Some more useful examples are listed below. ### Image Models +- Generating images + - [FLUX](flux) + - [Stable Diffusion or SDXL](stable_diffusion) - Image classification using [ResNets on CIFAR-10](cifar). -- Generating images with [Stable Diffusion or SDXL](stable_diffusion). - Convolutional variational autoencoder [(CVAE) on MNIST](cvae). ### Audio Models - Speech recognition with [OpenAI's Whisper](whisper). +- Audio compression and generation with [Meta's EnCodec](encodec). +- Music generation with [Meta's MusicGen](musicgen). ### Multimodal models - Joint text and image embeddings with [CLIP](clip). - Text generation from image and text inputs with [LLaVA](llava). +- Image segmentation with [Segment Anything (SAM)](segment_anything). ### Other Models @@ -41,7 +46,7 @@ Some more useful examples are listed below. ### Hugging Face -Note: You can now directly download a few converted checkpoints from the [MLX +You can directly use or download converted checkpoints from the [MLX Community](https://huggingface.co/mlx-community) organization on Hugging Face. We encourage you to join the community and [contribute new models](https://github.com/ml-explore/mlx-examples/issues/155). diff --git a/cifar/README.md b/cifar/README.md index 763e641d..2016200d 100644 --- a/cifar/README.md +++ b/cifar/README.md @@ -48,3 +48,17 @@ Note this was run on an M1 Macbook Pro with 16GB RAM. At the time of writing, `mlx` doesn't have built-in learning rate schedules. We intend to update this example once these features are added. + +## Distributed training + +The example also supports distributed data parallel training. You can launch a +distributed training as follows: + +```shell +$ cat >hostfile.json +[ + {"ssh": "host-to-ssh-to", "ips": ["ip-to-bind-to"]}, + {"ssh": "host-to-ssh-to", "ips": ["ip-to-bind-to"]} +] +$ mlx.launch --verbose --hostfile hostfile.json main.py --batch 256 --epochs 5 --arch resnet20 +``` diff --git a/cifar/dataset.py b/cifar/dataset.py index 22b229f8..8967591e 100644 --- a/cifar/dataset.py +++ b/cifar/dataset.py @@ -1,3 +1,4 @@ +import mlx.core as mx import numpy as np from mlx.data.datasets import load_cifar10 @@ -12,8 +13,11 @@ def get_cifar10(batch_size, root=None): x = x.astype("float32") / 255.0 return (x - mean) / std + group = mx.distributed.init() + tr_iter = ( tr.shuffle() + .partition_if(group.size() > 1, group.size(), group.rank()) .to_stream() .image_random_h_flip("image", prob=0.5) .pad("image", 0, 4, 4, 0.0) @@ -25,6 +29,11 @@ def get_cifar10(batch_size, root=None): ) test = load_cifar10(root=root, train=False) - test_iter = test.to_stream().key_transform("image", normalize).batch(batch_size) + test_iter = ( + test.to_stream() + .partition_if(group.size() > 1, group.size(), group.rank()) + .key_transform("image", normalize) + .batch(batch_size) + ) return tr_iter, test_iter diff --git a/cifar/main.py b/cifar/main.py index 378bc424..ac010636 100644 --- a/cifar/main.py +++ b/cifar/main.py @@ -23,6 +23,13 @@ parser.add_argument("--seed", type=int, default=0, help="random seed") parser.add_argument("--cpu", action="store_true", help="use cpu only") +def print_zero(group, *args, **kwargs): + if group.rank() != 0: + return + flush = kwargs.pop("flush", True) + print(*args, **kwargs, flush=flush) + + def eval_fn(model, inp, tgt): return mx.mean(mx.argmax(model(inp), axis=1) == tgt) @@ -34,9 +41,20 @@ def train_epoch(model, train_iter, optimizer, epoch): acc = mx.mean(mx.argmax(output, axis=1) == tgt) return loss, acc - losses = [] - accs = [] - samples_per_sec = [] + world = mx.distributed.init() + losses = 0 + accuracies = 0 + samples_per_sec = 0 + count = 0 + + def average_stats(stats, count): + if world.size() == 1: + return [s / count for s in stats] + + with mx.stream(mx.cpu): + stats = mx.distributed.all_sum(mx.array(stats)) + count = mx.distributed.all_sum(count) + return (stats / count).tolist() state = [model.state, optimizer.state] @@ -44,6 +62,7 @@ def train_epoch(model, train_iter, optimizer, epoch): def step(inp, tgt): train_step_fn = nn.value_and_grad(model, train_step) (loss, acc), grads = train_step_fn(model, inp, tgt) + grads = nn.utils.average_gradients(grads) optimizer.update(model, grads) return loss, acc @@ -52,69 +71,79 @@ def train_epoch(model, train_iter, optimizer, epoch): y = mx.array(batch["label"]) tic = time.perf_counter() loss, acc = step(x, y) - mx.eval(state) + mx.eval(loss, acc, state) toc = time.perf_counter() - loss = loss.item() - acc = acc.item() - losses.append(loss) - accs.append(acc) - throughput = x.shape[0] / (toc - tic) - samples_per_sec.append(throughput) + losses += loss.item() + accuracies += acc.item() + samples_per_sec += x.shape[0] / (toc - tic) + count += 1 if batch_counter % 10 == 0: - print( + l, a, s = average_stats( + [losses, accuracies, world.size() * samples_per_sec], + count, + ) + print_zero( + world, " | ".join( ( f"Epoch {epoch:02d} [{batch_counter:03d}]", - f"Train loss {loss:.3f}", - f"Train acc {acc:.3f}", - f"Throughput: {throughput:.2f} images/second", + f"Train loss {l:.3f}", + f"Train acc {a:.3f}", + f"Throughput: {s:.2f} images/second", ) - ) + ), ) - mean_tr_loss = mx.mean(mx.array(losses)) - mean_tr_acc = mx.mean(mx.array(accs)) - samples_per_sec = mx.mean(mx.array(samples_per_sec)) - return mean_tr_loss, mean_tr_acc, samples_per_sec + return average_stats([losses, accuracies, world.size() * samples_per_sec], count) def test_epoch(model, test_iter, epoch): - accs = [] + accuracies = 0 + count = 0 for batch_counter, batch in enumerate(test_iter): x = mx.array(batch["image"]) y = mx.array(batch["label"]) acc = eval_fn(model, x, y) - acc_value = acc.item() - accs.append(acc_value) - mean_acc = mx.mean(mx.array(accs)) - return mean_acc + accuracies += acc.item() + count += 1 + + with mx.stream(mx.cpu): + accuracies = mx.distributed.all_sum(accuracies) + count = mx.distributed.all_sum(count) + return (accuracies / count).item() def main(args): mx.random.seed(args.seed) + # Initialize the distributed group and report the nodes that showed up + world = mx.distributed.init() + if world.size() > 1: + print(f"Starting rank {world.rank()} of {world.size()}", flush=True) + model = getattr(resnet, args.arch)() - print("Number of params: {:0.04f} M".format(model.num_params() / 1e6)) + print_zero(world, f"Number of params: {model.num_params() / 1e6:0.04f} M") optimizer = optim.Adam(learning_rate=args.lr) train_data, test_data = get_cifar10(args.batch_size) for epoch in range(args.epochs): tr_loss, tr_acc, throughput = train_epoch(model, train_data, optimizer, epoch) - print( + print_zero( + world, " | ".join( ( f"Epoch: {epoch}", - f"avg. Train loss {tr_loss.item():.3f}", - f"avg. Train acc {tr_acc.item():.3f}", - f"Throughput: {throughput.item():.2f} images/sec", + f"avg. Train loss {tr_loss:.3f}", + f"avg. Train acc {tr_acc:.3f}", + f"Throughput: {throughput:.2f} images/sec", ) - ) + ), ) test_acc = test_epoch(model, test_data, epoch) - print(f"Epoch: {epoch} | Test acc {test_acc.item():.3f}") + print_zero(world, f"Epoch: {epoch} | Test acc {test_acc:.3f}") train_data.reset() test_data.reset() diff --git a/clip/convert.py b/clip/convert.py index 29bac22e..976d7494 100644 --- a/clip/convert.py +++ b/clip/convert.py @@ -121,7 +121,7 @@ if __name__ == "__main__": mlx_path.mkdir(parents=True, exist_ok=True) print("[INFO] Loading") - torch_weights = torch.load(torch_path / "pytorch_model.bin") + torch_weights = torch.load(torch_path / "pytorch_model.bin", weights_only=True) print("[INFO] Converting") mlx_weights = { k: torch_to_mx(v, dtype=args.dtype) for k, v in torch_weights.items() diff --git a/clip/linear_probe.py b/clip/linear_probe.py new file mode 100644 index 00000000..2649e397 --- /dev/null +++ b/clip/linear_probe.py @@ -0,0 +1,56 @@ +# Mirror of the Linear Probe Evaluation Script +# from the official CLIP Repository. + +import mlx.core as mx +import numpy as np +from image_processor import CLIPImageProcessor +from mlx.data.datasets import load_cifar10 +from model import CLIPModel +from PIL import Image +from sklearn.linear_model import LogisticRegression +from tqdm import tqdm + + +def get_cifar10(batch_size, root=None): + tr = load_cifar10(root=root).batch(batch_size) + test = load_cifar10(root=root, train=False).batch(batch_size) + + return tr, test + + +def get_features(model, image_proc, iter): + all_features = [] + all_labels = [] + + for batch in tqdm(iter): + image, label = batch["image"], batch["label"] + x = image_proc([Image.fromarray(im) for im in image]) + y = mx.array(label) + + image_embeds = model.get_image_features(x) + mx.eval(image_embeds) + + all_features.append(image_embeds) + all_labels.append(y) + + return mx.concatenate(all_features), mx.concatenate(all_labels) + + +if __name__ == "__main__": + model = CLIPModel.from_pretrained("mlx_model") + image_proc = CLIPImageProcessor.from_pretrained("mlx_model") + + train_iter, test_iter = get_cifar10(batch_size=256) + train_features, train_labels = get_features(model, image_proc, train_iter) + test_features, test_labels = get_features(model, image_proc, test_iter) + + # Perform logistic regression + # NOTE: The value of C should be determined via a hyperparameter sweep + # using a validation split + classifier = LogisticRegression(random_state=0, C=0.316, max_iter=1000, verbose=1) + classifier.fit(train_features, train_labels) + + # Evaluate using the logistic regression classifier + predictions = classifier.predict(test_features) + accuracy = (test_labels.squeeze() == predictions).mean().item() * 100 + print(f"Accuracy = {accuracy:.3f}") diff --git a/clip/requirements.txt b/clip/requirements.txt index 74f826ea..8e05620e 100644 --- a/clip/requirements.txt +++ b/clip/requirements.txt @@ -1,4 +1,5 @@ mlx +mlx-data numpy transformers torch diff --git a/encodec/README.md b/encodec/README.md new file mode 100644 index 00000000..a3b948bf --- /dev/null +++ b/encodec/README.md @@ -0,0 +1,84 @@ +# EnCodec + +An example of Meta's EnCodec model in MLX.[^1] EnCodec is used to compress and +generate audio. + +### Setup + +Install the requirements: + +``` +pip install -r requirements.txt +``` + +Optionally install FFmpeg and SciPy for loading and saving audio files, +respectively. + +Install [FFmpeg](https://ffmpeg.org/): + +``` +# on macOS using Homebrew (https://brew.sh/) +brew install ffmpeg +``` + +Install SciPy: + +``` +pip install scipy +``` + +### Example + +An example using the model: + +```python +import mlx.core as mx +from encodec import EncodecModel +from utils import load_audio, save_audio + +# Load the 48 KHz model and preprocessor. +model, processor = EncodecModel.from_pretrained("mlx-community/encodec-48khz-float32") + +# Load an audio file +audio = load_audio("path/to/audio", model.sampling_rate, model.channels) + +# Preprocess the audio (this can also be a list of arrays for batched +# processing). +feats, mask = processor(audio) + +# Encode at the given bandwidth. A lower bandwidth results in more +# compression but lower reconstruction quality. +@mx.compile +def encode(feats, mask): + return model.encode(feats, mask, bandwidth=3) + +# Decode to reconstruct the audio +@mx.compile +def decode(codes, scales, mask): + return model.decode(codes, scales, mask) + + +codes, scales = encode(feats, mask) +reconstructed = decode(codes, scales, mask) + +# Trim any padding: +reconstructed = reconstructed[0, : len(audio)] + +# Save the audio as a wave file +save_audio("reconstructed.wav", reconstructed, model.sampling_rate) +``` + +The 24 KHz, 32 KHz, and 48 KHz MLX formatted models are available in the +[Hugging Face MLX Community](https://huggingface.co/collections/mlx-community/encodec-66e62334038300b07a43b164) +in several data types. + +### Optional + +To convert models, use the `convert.py` script. To see the options, run: + +```bash +python convert.py -h +``` + +[^1]: Refer to the [arXiv paper](https://arxiv.org/abs/2210.13438) and + [code](https://github.com/facebookresearch/encodec) for more details. diff --git a/encodec/benchmarks/bench_mx.py b/encodec/benchmarks/bench_mx.py new file mode 100644 index 00000000..61ddaae8 --- /dev/null +++ b/encodec/benchmarks/bench_mx.py @@ -0,0 +1,31 @@ +# Copyright © 2024 Apple Inc. + +import time + +import mlx.core as mx + +from encodec import EncodecModel + +model, processor = EncodecModel.from_pretrained("mlx-community/encodec-48khz-float32") + +audio = mx.random.uniform(shape=(288000, 2)) +feats, mask = processor(audio) +mx.eval(model, feats, mask) + + +@mx.compile +def fun(): + codes, scales = model.encode(feats, mask, bandwidth=3) + reconstructed = model.decode(codes, scales, mask) + return reconstructed + + +for _ in range(5): + mx.eval(fun()) + +tic = time.time() +for _ in range(10): + mx.eval(fun()) +toc = time.time() +ms = 1000 * (toc - tic) / 10 +print(f"Time per it: {ms:.3f}") diff --git a/encodec/benchmarks/bench_pt.py b/encodec/benchmarks/bench_pt.py new file mode 100644 index 00000000..5d158a32 --- /dev/null +++ b/encodec/benchmarks/bench_pt.py @@ -0,0 +1,34 @@ +# Copyright © 2024 Apple Inc. + +import time + +import numpy as np +import torch +from transformers import AutoProcessor, EncodecModel + +processor = AutoProcessor.from_pretrained("facebook/encodec_48khz") +audio = np.random.uniform(size=(2, 288000)).astype(np.float32) + +pt_model = EncodecModel.from_pretrained("facebook/encodec_48khz").to("mps") +pt_inputs = processor( + raw_audio=audio, sampling_rate=processor.sampling_rate, return_tensors="pt" +).to("mps") + + +def fun(): + pt_encoded = pt_model.encode(pt_inputs["input_values"], pt_inputs["padding_mask"]) + pt_audio = pt_model.decode( + pt_encoded.audio_codes, pt_encoded.audio_scales, pt_inputs["padding_mask"] + ) + torch.mps.synchronize() + + +for _ in range(5): + fun() + +tic = time.time() +for _ in range(10): + fun() +toc = time.time() +ms = 1000 * (toc - tic) / 10 +print(f"Time per it: {ms:.3f}") diff --git a/encodec/convert.py b/encodec/convert.py new file mode 100644 index 00000000..5c5f7e22 --- /dev/null +++ b/encodec/convert.py @@ -0,0 +1,212 @@ +# Copyright © 2024 Apple Inc. + +import argparse +import json +from pathlib import Path +from textwrap import dedent +from types import SimpleNamespace +from typing import Any, Dict, Union + +import mlx.core as mx +import mlx.nn as nn +from huggingface_hub import snapshot_download + +import encodec + + +def fetch_from_hub(hf_repo: str) -> Path: + model_path = Path( + snapshot_download( + repo_id=hf_repo, + allow_patterns=["*.json", "*.safetensors"], + ) + ) + return model_path + + +def upload_to_hub(path: str, upload_repo: str, hf_path: str): + """ + Uploads the model to Hugging Face hub. + + Args: + path (str): Local path to the model. + upload_repo (str): Name of the HF repo to upload to. + hf_path (str): Path to the original Hugging Face model. + """ + import os + + from huggingface_hub import HfApi, ModelCard, logging + + content = dedent( + f""" + --- + language: en + license: other + library: mlx + tags: + - mlx + --- + + The Model [{upload_repo}](https://huggingface.co/{upload_repo}) was + converted to MLX format from + [{hf_path}](https://huggingface.co/{hf_path}). + + This model is intended to be used with the [EnCodec MLX + example](https://github.com/ml-explore/mlx-examples/tree/main/encodec). + """ + ) + + card = ModelCard(content) + card.save(os.path.join(path, "README.md")) + + logging.set_verbosity_info() + + api = HfApi() + api.create_repo(repo_id=upload_repo, exist_ok=True) + api.upload_folder( + folder_path=path, + repo_id=upload_repo, + repo_type="model", + multi_commits=True, + multi_commits_verbose=True, + ) + print(f"Upload successful, go to https://huggingface.co/{upload_repo} for details.") + + +def save_weights(save_path: Union[str, Path], weights: Dict[str, Any]) -> None: + if isinstance(save_path, str): + save_path = Path(save_path) + save_path.mkdir(parents=True, exist_ok=True) + + total_size = sum(v.nbytes for v in weights.values()) + index_data = {"metadata": {"total_size": total_size}, "weight_map": {}} + mx.save_safetensors( + str(save_path / "model.safetensors"), weights, metadata={"format": "mlx"} + ) + + for weight_name in weights.keys(): + index_data["weight_map"][weight_name] = "model.safetensors" + + index_data["weight_map"] = { + k: index_data["weight_map"][k] for k in sorted(index_data["weight_map"]) + } + + with open(save_path / "model.safetensors.index.json", "w") as f: + json.dump(index_data, f, indent=4) + + +def save_config( + config: dict, + config_path: Union[str, Path], +) -> None: + """Save the model configuration to the ``config_path``. + + The final configuration will be sorted before saving for better readability. + + Args: + config (dict): The model configuration. + config_path (Union[str, Path]): Model configuration file path. + """ + # Clean unused keys + config.pop("_name_or_path", None) + + # sort the config for better readability + config = dict(sorted(config.items())) + + # write the updated config to the config_path (if provided) + with open(config_path, "w") as fid: + json.dump(config, fid, indent=4) + + +def convert( + upload: bool, + model: str, + dtype: str = None, +): + hf_repo = f"facebook/encodec_{model}" + mlx_repo = f"mlx-community/encodec-{model}-{dtype}" + path = fetch_from_hub(hf_repo) + save_path = Path("mlx_models") + + weights = mx.load(str(Path(path) / "model.safetensors")) + + with open(path / "config.json", "r") as fid: + config = SimpleNamespace(**json.load(fid)) + + model = encodec.EncodecModel(config) + + new_weights = {} + for k, v in weights.items(): + basename, pname = k.rsplit(".", 1) + if pname == "weight_v": + g = weights[basename + ".weight_g"] + v = g * (v / mx.linalg.norm(v, axis=(1, 2), keepdims=True)) + k = basename + ".weight" + elif pname in ["weight_g", "embed_avg", "cluster_size", "inited"]: + continue + elif "lstm" in basename: + w_or_b, ih_or_hh, ln = pname.split("_") + if w_or_b == "weight": + new_pname = "Wx" if ih_or_hh == "ih" else "Wh" + elif w_or_b == "bias" and ih_or_hh == "ih": + continue + else: + v = v + weights[k.replace("_hh_", "_ih_")] + new_pname = "bias" + k = basename + "." + ln[1:] + "." + new_pname + if "conv.weight" in k: + # Possibly a transposed conv which has a different order + if "decoder" in k: + ln = int(k.split(".")[2]) + if "conv" in model.decoder.layers[ln] and isinstance( + model.decoder.layers[ln].conv, nn.ConvTranspose1d + ): + v = mx.moveaxis(v, 0, 2) + else: + v = mx.moveaxis(v, 1, 2) + else: + v = mx.moveaxis(v, 1, 2) + + new_weights[k] = v + weights = new_weights + + model.load_weights(list(weights.items())) + + if dtype is not None: + t = getattr(mx, dtype) + weights = {k: v.astype(t) for k, v in weights.items()} + + if isinstance(save_path, str): + save_path = Path(save_path) + + save_weights(save_path, weights) + + save_config(vars(config), config_path=save_path / "config.json") + + if upload: + upload_to_hub(save_path, mlx_repo, hf_repo) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser(description="Convert EnCodec weights to MLX.") + parser.add_argument( + "--model", + type=str, + default="48khz", + help="", + choices=["24khz", "32khz", "48khz"], + ) + parser.add_argument( + "--upload", + action="store_true", + help="Upload the weights to Hugging Face.", + ) + parser.add_argument( + "--dtype", + type=str, + help="Data type to convert the model to.", + default="float32", + choices=["float32", "bfloat16", "float16"], + ) + args = parser.parse_args() + convert(upload=args.upload, model=args.model, dtype=args.dtype) diff --git a/encodec/encodec.py b/encodec/encodec.py new file mode 100644 index 00000000..4b85dfdd --- /dev/null +++ b/encodec/encodec.py @@ -0,0 +1,741 @@ +# Copyright © 2024 Apple Inc. + +import functools +import json +import math +from pathlib import Path +from types import SimpleNamespace +from typing import List, Optional, Tuple, Union + +import mlx.core as mx +import mlx.nn as nn +import numpy as np + +_lstm_kernel = mx.fast.metal_kernel( + name="lstm", + input_names=["x", "h_in", "cell", "hidden_size", "time_step", "num_time_steps"], + output_names=["hidden_state", "cell_state"], + header=""" + template + T sigmoid(T x) { + auto y = 1 / (1 + metal::exp(-metal::abs(x))); + return (x < 0) ? 1 - y : y; + } + """, + source=""" + uint b = thread_position_in_grid.x; + uint d = hidden_size * 4; + + uint elem = b * d + thread_position_in_grid.y; + uint index = elem; + uint x_index = b * num_time_steps * d + time_step * d + index; + + auto i = sigmoid(h_in[index] + x[x_index]); + index += hidden_size; + x_index += hidden_size; + auto f = sigmoid(h_in[index] + x[x_index]); + index += hidden_size; + x_index += hidden_size; + auto g = metal::precise::tanh(h_in[index] + x[x_index]); + index += hidden_size; + x_index += hidden_size; + auto o = sigmoid(h_in[index] + x[x_index]); + + cell_state[elem] = f * cell[elem] + i * g; + hidden_state[elem] = o * metal::precise::tanh(cell_state[elem]); + """, +) + + +def lstm_custom(x, h_in, cell, time_step): + assert x.ndim == 3, "Input to LSTM must have 3 dimensions." + out_shape = cell.shape + return _lstm_kernel( + inputs=[x, h_in, cell, out_shape[-1], time_step, x.shape[-2]], + output_shapes=[out_shape, out_shape], + output_dtypes=[h_in.dtype, h_in.dtype], + grid=(x.shape[0], h_in.size // 4, 1), + threadgroup=(256, 1, 1), + ) + + +class LSTM(nn.Module): + def __init__( + self, + input_size: int, + hidden_size: int, + bias: bool = True, + ): + super().__init__() + + self.hidden_size = hidden_size + self.Wx = mx.zeros((4 * hidden_size, input_size)) + self.Wh = mx.zeros((4 * hidden_size, hidden_size)) + self.bias = mx.zeros((4 * hidden_size,)) if bias else None + + def __call__(self, x, hidden=None, cell=None): + if self.bias is not None: + x = mx.addmm(self.bias, x, self.Wx.T) + else: + x = x @ self.Wx.T + + all_hidden = [] + + B = x.shape[0] + cell = cell or mx.zeros((B, self.hidden_size), x.dtype) + for t in range(x.shape[-2]): + if hidden is None: + hidden = mx.zeros((B, self.hidden_size * 4), x.dtype) + else: + hidden = hidden @ self.Wh.T + hidden, cell = lstm_custom(x, hidden, cell, t) + all_hidden.append(hidden) + + return mx.stack(all_hidden, axis=-2) + + +class EncodecConv1d(nn.Module): + """Conv1d with asymmetric or causal padding and normalization.""" + + def __init__( + self, + config, + in_channels: int, + out_channels: int, + kernel_size: int, + stride: int = 1, + dilation: int = 1, + ): + super().__init__() + self.causal = config.use_causal_conv + self.pad_mode = config.pad_mode + self.norm_type = config.norm_type + + self.conv = nn.Conv1d( + in_channels, out_channels, kernel_size, stride, dilation=dilation + ) + if self.norm_type == "time_group_norm": + self.norm = nn.GroupNorm(1, out_channels, pytorch_compatible=True) + + self.stride = stride + + # Effective kernel size with dilations. + self.kernel_size = (kernel_size - 1) * dilation + 1 + + self.padding_total = kernel_size - stride + + def _get_extra_padding_for_conv1d( + self, + hidden_states: mx.array, + ) -> mx.array: + length = hidden_states.shape[1] + n_frames = (length - self.kernel_size + self.padding_total) / self.stride + 1 + n_frames = int(math.ceil(n_frames)) - 1 + ideal_length = n_frames * self.stride + self.kernel_size - self.padding_total + return ideal_length - length + + def _pad1d( + self, + hidden_states: mx.array, + paddings: Tuple[int, int], + mode: str = "zero", + value: float = 0.0, + ): + if mode != "reflect": + return mx.pad( + hidden_states, paddings, mode="constant", constant_values=value + ) + + length = hidden_states.shape[1] + prefix = hidden_states[:, 1 : paddings[0] + 1][:, ::-1] + suffix = hidden_states[:, max(length - (paddings[1] + 1), 0) : -1][:, ::-1] + return mx.concatenate([prefix, hidden_states, suffix], axis=1) + + def __call__(self, hidden_states): + extra_padding = self._get_extra_padding_for_conv1d(hidden_states) + + if self.causal: + # Left padding for causal + hidden_states = self._pad1d( + hidden_states, (self.padding_total, extra_padding), mode=self.pad_mode + ) + else: + # Asymmetric padding required for odd strides + padding_right = self.padding_total // 2 + padding_left = self.padding_total - padding_right + hidden_states = self._pad1d( + hidden_states, + (padding_left, padding_right + extra_padding), + mode=self.pad_mode, + ) + + hidden_states = self.conv(hidden_states) + + if self.norm_type == "time_group_norm": + hidden_states = self.norm(hidden_states) + + return hidden_states + + +class EncodecConvTranspose1d(nn.Module): + """ConvTranspose1d with asymmetric or causal padding and normalization.""" + + def __init__( + self, + config, + in_channels: int, + out_channels: int, + kernel_size: int, + stride: int = 1, + ): + super().__init__() + self.causal = config.use_causal_conv + self.trim_right_ratio = config.trim_right_ratio + self.norm_type = config.norm_type + self.conv = nn.ConvTranspose1d(in_channels, out_channels, kernel_size, stride) + if config.norm_type == "time_group_norm": + self.norm = nn.GroupNorm(1, out_channels, pytorch_compatible=True) + self.padding_total = kernel_size - stride + + def __call__(self, hidden_states): + hidden_states = self.conv(hidden_states) + + if self.norm_type == "time_group_norm": + hidden_states = self.norm(hidden_states) + + if self.causal: + padding_right = math.ceil(self.padding_total * self.trim_right_ratio) + else: + padding_right = self.padding_total // 2 + + padding_left = self.padding_total - padding_right + + end = hidden_states.shape[1] - padding_right + hidden_states = hidden_states[:, padding_left:end, :] + return hidden_states + + +class EncodecLSTM(nn.Module): + def __init__(self, config, dimension): + super().__init__() + self.lstm = [LSTM(dimension, dimension) for _ in range(config.num_lstm_layers)] + + def __call__(self, hidden_states): + h = hidden_states + for lstm in self.lstm: + h = lstm(h) + return h + hidden_states + + +class EncodecResnetBlock(nn.Module): + """ + Residual block from SEANet model as used by EnCodec. + """ + + def __init__(self, config, dim: int, dilations: List[int]): + super().__init__() + kernel_sizes = (config.residual_kernel_size, 1) + if len(kernel_sizes) != len(dilations): + raise ValueError("Number of kernel sizes should match number of dilations") + + hidden = dim // config.compress + block = [] + for i, (kernel_size, dilation) in enumerate(zip(kernel_sizes, dilations)): + in_chs = dim if i == 0 else hidden + out_chs = dim if i == len(kernel_sizes) - 1 else hidden + block += [nn.ELU()] + block += [ + EncodecConv1d(config, in_chs, out_chs, kernel_size, dilation=dilation) + ] + self.block = block + + if getattr(config, "use_conv_shortcut", True): + self.shortcut = EncodecConv1d(config, dim, dim, kernel_size=1) + else: + self.shortcut = nn.Identity() + + def __call__(self, hidden_states): + residual = hidden_states + for layer in self.block: + hidden_states = layer(hidden_states) + + return self.shortcut(residual) + hidden_states + + +class EncodecEncoder(nn.Module): + """SEANet encoder as used by EnCodec.""" + + def __init__(self, config): + super().__init__() + model = [ + EncodecConv1d( + config, config.audio_channels, config.num_filters, config.kernel_size + ) + ] + scaling = 1 + + for ratio in reversed(config.upsampling_ratios): + current_scale = scaling * config.num_filters + for j in range(config.num_residual_layers): + model += [ + EncodecResnetBlock( + config, current_scale, [config.dilation_growth_rate**j, 1] + ) + ] + model += [nn.ELU()] + model += [ + EncodecConv1d( + config, + current_scale, + current_scale * 2, + kernel_size=ratio * 2, + stride=ratio, + ) + ] + scaling *= 2 + + model += [EncodecLSTM(config, scaling * config.num_filters)] + model += [nn.ELU()] + model += [ + EncodecConv1d( + config, + scaling * config.num_filters, + config.hidden_size, + config.last_kernel_size, + ) + ] + + self.layers = model + + def __call__(self, hidden_states): + for layer in self.layers: + hidden_states = layer(hidden_states) + return hidden_states + + +class EncodecDecoder(nn.Module): + """SEANet decoder as used by EnCodec.""" + + def __init__(self, config): + super().__init__() + scaling = int(2 ** len(config.upsampling_ratios)) + model = [ + EncodecConv1d( + config, + config.hidden_size, + scaling * config.num_filters, + config.kernel_size, + ) + ] + + model += [EncodecLSTM(config, scaling * config.num_filters)] + + for ratio in config.upsampling_ratios: + current_scale = scaling * config.num_filters + model += [nn.ELU()] + model += [ + EncodecConvTranspose1d( + config, + current_scale, + current_scale // 2, + kernel_size=ratio * 2, + stride=ratio, + ) + ] + for j in range(config.num_residual_layers): + model += [ + EncodecResnetBlock( + config, current_scale // 2, (config.dilation_growth_rate**j, 1) + ) + ] + scaling //= 2 + + model += [nn.ELU()] + model += [ + EncodecConv1d( + config, + config.num_filters, + config.audio_channels, + config.last_kernel_size, + ) + ] + self.layers = model + + def __call__(self, hidden_states): + for layer in self.layers: + hidden_states = layer(hidden_states) + return hidden_states + + +class EncodecEuclideanCodebook(nn.Module): + """Codebook with Euclidean distance.""" + + def __init__(self, config): + super().__init__() + self.embed = mx.zeros((config.codebook_size, config.codebook_dim)) + + def quantize(self, hidden_states): + embed = self.embed.T + scaled_states = hidden_states.square().sum(axis=1, keepdims=True) + dist = -( + scaled_states + - 2 * hidden_states @ embed + + embed.square().sum(axis=0, keepdims=True) + ) + embed_ind = dist.argmax(axis=-1) + return embed_ind + + def encode(self, hidden_states): + shape = hidden_states.shape + hidden_states = hidden_states.reshape((-1, shape[-1])) + embed_ind = self.quantize(hidden_states) + embed_ind = embed_ind.reshape(*shape[:-1]) + return embed_ind + + def decode(self, embed_ind): + return self.embed[embed_ind] + + +class EncodecVectorQuantization(nn.Module): + """ + Vector quantization implementation. Currently supports only euclidean distance. + """ + + def __init__(self, config): + super().__init__() + self.codebook = EncodecEuclideanCodebook(config) + + def encode(self, hidden_states): + return self.codebook.encode(hidden_states) + + def decode(self, embed_ind): + return self.codebook.decode(embed_ind) + + +class EncodecResidualVectorQuantizer(nn.Module): + """Residual Vector Quantizer.""" + + def __init__(self, config): + super().__init__() + self.codebook_size = config.codebook_size + + hop_length = np.prod(config.upsampling_ratios) + self.frame_rate = math.ceil(config.sampling_rate / hop_length) + self.num_quantizers = int( + 1000 * config.target_bandwidths[-1] // (self.frame_rate * 10) + ) + self.layers = [ + EncodecVectorQuantization(config) for _ in range(self.num_quantizers) + ] + + def get_num_quantizers_for_bandwidth( + self, bandwidth: Optional[float] = None + ) -> int: + """Return num_quantizers based on specified target bandwidth.""" + bw_per_q = math.log2(self.codebook_size) * self.frame_rate + num_quantizers = self.num_quantizers + if bandwidth is not None and bandwidth > 0.0: + num_quantizers = int(max(1, math.floor(bandwidth * 1000 / bw_per_q))) + return num_quantizers + + def encode( + self, embeddings: mx.array, bandwidth: Optional[float] = None + ) -> mx.array: + """ + Encode a given input array with the specified frame rate at the given + bandwidth. The RVQ encode method sets the appropriate number of + quantizers to use and returns indices for each quantizer. + """ + num_quantizers = self.get_num_quantizers_for_bandwidth(bandwidth) + residual = embeddings + all_indices = [] + for layer in self.layers[:num_quantizers]: + indices = layer.encode(residual) + quantized = layer.decode(indices) + residual = residual - quantized + all_indices.append(indices) + out_indices = mx.stack(all_indices, axis=1) + return out_indices + + def decode(self, codes: mx.array) -> mx.array: + """Decode the given codes to the quantized representation.""" + quantized_out = None + for i, indices in enumerate(codes.split(codes.shape[1], axis=1)): + layer = self.layers[i] + quantized = layer.decode(indices.squeeze(1)) + if quantized_out is None: + quantized_out = quantized + else: + quantized_out = quantized + quantized_out + return quantized_out + + +class EncodecModel(nn.Module): + def __init__(self, config): + super().__init__() + self.config = config + self.encoder = EncodecEncoder(config) + self.decoder = EncodecDecoder(config) + self.quantizer = EncodecResidualVectorQuantizer(config) + + def _encode_frame( + self, input_values: mx.array, bandwidth: float, padding_mask: mx.array + ) -> Tuple[mx.array, Optional[mx.array]]: + """ + Encodes the given input using the underlying VQVAE. + """ + length = input_values.shape[1] + duration = length / self.config.sampling_rate + + if ( + self.config.chunk_length_s is not None + and duration > 1e-5 + self.config.chunk_length_s + ): + raise RuntimeError( + f"Duration of frame ({duration}) is longer than chunk {self.config.chunk_length_s}" + ) + + scale = None + if self.config.normalize: + # if the padding is non zero + input_values = input_values * padding_mask[..., None] + mono = mx.sum(input_values, axis=2, keepdims=True) / input_values.shape[2] + scale = mono.square().mean(axis=1, keepdims=True).sqrt() + 1e-8 + input_values = input_values / scale + + embeddings = self.encoder(input_values) + codes = self.quantizer.encode(embeddings, bandwidth) + return codes, scale + + def encode( + self, + input_values: mx.array, + padding_mask: mx.array = None, + bandwidth: Optional[float] = None, + ) -> Tuple[mx.array, Optional[mx.array]]: + """ + Encodes the input audio waveform into discrete codes. + + Args: + input_values (mx.array): The input audio waveform with shape + ``(batch_size, channels, sequence_length)``. + padding_mask (mx.array): Padding mask used to pad the ``input_values``. + bandwidth (float, optional): The target bandwidth. Must be one of + ``config.target_bandwidths``. If ``None``, uses the smallest + possible bandwidth. bandwidth is represented as a thousandth of + what it is, e.g. 6kbps bandwidth is represented as bandwidth == 6.0 + + Returns: + A list of frames containing the discrete encoded codes for the + input audio waveform, along with rescaling factors for each chunk + when ``config.normalize==True``. Each frame is a tuple ``(codebook, + scale)``, with ``codebook`` of shape ``(batch_size, num_codebooks, + frames)``. + """ + + if bandwidth is None: + bandwidth = self.config.target_bandwidths[0] + if bandwidth not in self.config.target_bandwidths: + raise ValueError( + f"This model doesn't support the bandwidth {bandwidth}. " + f"Select one of {self.config.target_bandwidths}." + ) + + _, input_length, channels = input_values.shape + + if channels < 1 or channels > 2: + raise ValueError( + f"Number of audio channels must be 1 or 2, but got {channels}" + ) + + chunk_length = self.chunk_length + if chunk_length is None: + chunk_length = input_length + stride = input_length + else: + stride = self.chunk_stride + + if padding_mask is None: + padding_mask = mx.ones(input_values.shape[:2], dtype=mx.bool_) + encoded_frames = [] + scales = [] + + step = chunk_length - stride + if (input_length % stride) != step: + raise ValueError( + "The input length is not properly padded for batched chunked " + "encoding. Make sure to pad the input correctly." + ) + + for offset in range(0, input_length - step, stride): + mask = padding_mask[:, offset : offset + chunk_length].astype(mx.bool_) + frame = input_values[:, offset : offset + chunk_length] + encoded_frame, scale = self._encode_frame(frame, bandwidth, mask) + encoded_frames.append(encoded_frame) + scales.append(scale) + + encoded_frames = mx.stack(encoded_frames) + + return (encoded_frames, scales) + + @staticmethod + def _linear_overlap_add(frames: List[mx.array], stride: int): + if len(frames) == 0: + raise ValueError("`frames` cannot be an empty list.") + + dtype = frames[0].dtype + N, frame_length, C = frames[0].shape + total_size = stride * (len(frames) - 1) + frames[-1].shape[1] + + time_vec = mx.linspace(0, 1, frame_length + 2, dtype=dtype)[1:-1] + weight = 0.5 - (time_vec - 0.5).abs() + + weight = weight[:, None] + sum_weight = mx.zeros((total_size, 1), dtype=dtype) + out = mx.zeros((N, total_size, C), dtype=dtype) + offset = 0 + + for frame in frames: + frame_length = frame.shape[1] + out[:, offset : offset + frame_length] += weight[:frame_length] * frame + sum_weight[offset : offset + frame_length] += weight[:frame_length] + offset += stride + + return out / sum_weight + + def _decode_frame( + self, codes: mx.array, scale: Optional[mx.array] = None + ) -> mx.array: + embeddings = self.quantizer.decode(codes) + outputs = self.decoder(embeddings) + if scale is not None: + outputs = outputs * scale + return outputs + + @property + def channels(self): + return self.config.audio_channels + + @property + def sampling_rate(self): + return self.config.sampling_rate + + @property + def chunk_length(self): + if self.config.chunk_length_s is None: + return None + else: + return int(self.config.chunk_length_s * self.config.sampling_rate) + + @property + def chunk_stride(self): + if self.config.chunk_length_s is None or self.config.overlap is None: + return None + else: + return max(1, int((1.0 - self.config.overlap) * self.chunk_length)) + + def decode( + self, + audio_codes: mx.array, + audio_scales: Union[mx.array, List[mx.array]], + padding_mask: Optional[mx.array] = None, + ) -> Tuple[mx.array, mx.array]: + """ + Decodes the given frames into an output audio waveform. + + Note that the output might be a bit bigger than the input. In that + case, any extra steps at the end should be trimmed. + + Args: + audio_codes (mx.array): Discret code embeddings of shape + ``(batch_size, nb_chunks, chunk_length)``. + audio_scales (mx.array): Scaling factor for each input. + padding_mask (mx.array): Padding mask. + """ + chunk_length = self.chunk_length + if chunk_length is None: + if audio_codes.shape[1] != 1: + raise ValueError(f"Expected one frame, got {len(audio_codes)}") + audio_values = self._decode_frame(audio_codes[:, 0], audio_scales[0]) + else: + decoded_frames = [] + + for frame, scale in zip(audio_codes, audio_scales): + frames = self._decode_frame(frame, scale) + decoded_frames.append(frames) + + audio_values = self._linear_overlap_add( + decoded_frames, self.chunk_stride or 1 + ) + + # truncate based on padding mask + if padding_mask is not None and padding_mask.shape[1] < audio_values.shape[1]: + audio_values = audio_values[:, : padding_mask.shape[1]] + return audio_values + + @classmethod + def from_pretrained(cls, path_or_repo: str): + from huggingface_hub import snapshot_download + + path = Path(path_or_repo) + if not path.exists(): + path = Path( + snapshot_download( + repo_id=path_or_repo, + allow_patterns=["*.json", "*.safetensors", "*.model"], + ) + ) + + with open(path / "config.json", "r") as f: + config = SimpleNamespace(**json.load(f)) + + model = EncodecModel(config) + model.load_weights(str(path / "model.safetensors")) + processor = functools.partial( + preprocess_audio, + sampling_rate=config.sampling_rate, + chunk_length=model.chunk_length, + chunk_stride=model.chunk_stride, + ) + mx.eval(model) + return model, processor + + +def preprocess_audio( + raw_audio: Union[mx.array, List[mx.array]], + sampling_rate: int = 24000, + chunk_length: Optional[int] = None, + chunk_stride: Optional[int] = None, +): + r""" + Prepare inputs for the EnCodec model. + + Args: + raw_audio (mx.array or List[mx.array]): The sequence or batch of + sequences to be processed. + sampling_rate (int): The sampling rate at which the audio waveform + should be digitalized. + chunk_length (int, optional): The model's chunk length. + chunk_stride (int, optional): The model's chunk stride. + """ + if not isinstance(raw_audio, list): + raw_audio = [raw_audio] + + raw_audio = [x[..., None] if x.ndim == 1 else x for x in raw_audio] + + max_length = max(array.shape[0] for array in raw_audio) + if chunk_length is not None: + max_length += chunk_length - (max_length % chunk_stride) + + inputs = [] + masks = [] + for x in raw_audio: + length = x.shape[0] + mask = mx.ones((length,), dtype=mx.bool_) + difference = max_length - length + if difference > 0: + mask = mx.pad(mask, (0, difference)) + x = mx.pad(x, ((0, difference), (0, 0))) + inputs.append(x) + masks.append(mask) + return mx.stack(inputs), mx.stack(masks) diff --git a/encodec/example.py b/encodec/example.py new file mode 100644 index 00000000..15ea476c --- /dev/null +++ b/encodec/example.py @@ -0,0 +1,39 @@ +# Copyright © 2024 Apple Inc. + +import mlx.core as mx +from utils import load_audio, save_audio + +from encodec import EncodecModel + +# Load the 48 KHz model and preprocessor. +model, processor = EncodecModel.from_pretrained("mlx-community/encodec-48khz-float32") + +# Load an audio file +audio = load_audio("/path/to/audio", model.sampling_rate, model.channels) + +# Preprocess the audio (this can also be a list of arrays for batched +# processing). +feats, mask = processor(audio) + + +# Encode at the given bandwidth. A lower bandwidth results in more +# compression but lower reconstruction quality. +@mx.compile +def encode(feats, mask): + return model.encode(feats, mask, bandwidth=3) + + +# Decode to reconstruct the audio +@mx.compile +def decode(codes, scales, mask): + return model.decode(codes, scales, mask) + + +codes, scales = encode(feats, mask) +reconstructed = decode(codes, scales, mask) + +# Trim any padding: +reconstructed = reconstructed[0, : len(audio)] + +# Save the audio as a wave file +save_audio("reconstructed.wav", reconstructed, model.sampling_rate) diff --git a/encodec/requirements.txt b/encodec/requirements.txt new file mode 100644 index 00000000..de5cc646 --- /dev/null +++ b/encodec/requirements.txt @@ -0,0 +1,3 @@ +mlx>=0.18 +numpy +huggingface_hub diff --git a/encodec/test.py b/encodec/test.py new file mode 100644 index 00000000..ae565c29 --- /dev/null +++ b/encodec/test.py @@ -0,0 +1,67 @@ +# Copyright © 2024 Apple Inc. + +import mlx.core as mx +import numpy as np +import torch +from transformers import AutoProcessor +from transformers import EncodecModel as PTEncodecModel + +from encodec import EncodecModel, preprocess_audio + + +def compare_processors(): + np.random.seed(0) + audio_length = 95500 + audio = np.random.uniform(size=(2, audio_length)).astype(np.float32) + + processor = AutoProcessor.from_pretrained("facebook/encodec_48khz") + + pt_inputs = processor( + raw_audio=audio, sampling_rate=processor.sampling_rate, return_tensors="pt" + ) + mx_inputs = preprocess_audio( + mx.array(audio).T, + processor.sampling_rate, + processor.chunk_length, + processor.chunk_stride, + ) + + assert np.array_equal(pt_inputs["input_values"], mx_inputs[0].moveaxis(2, 1)) + assert np.array_equal(pt_inputs["padding_mask"], mx_inputs[1]) + + +def compare_models(): + pt_model = PTEncodecModel.from_pretrained("facebook/encodec_48khz") + mx_model, _ = EncodecModel.from_pretrained("mlx-community/encodec-48khz-float32") + + np.random.seed(0) + audio_length = 190560 + audio = np.random.uniform(size=(1, audio_length, 2)).astype(np.float32) + mask = np.ones((1, audio_length), dtype=np.int32) + pt_encoded = pt_model.encode( + torch.tensor(audio).moveaxis(2, 1), torch.tensor(mask)[None] + ) + mx_encoded = mx_model.encode(mx.array(audio), mx.array(mask)) + pt_codes = pt_encoded.audio_codes.numpy() + mx_codes = mx_encoded[0] + assert np.array_equal(pt_codes, mx_codes), "Encoding codes mismatch" + + for mx_scale, pt_scale in zip(mx_encoded[1], pt_encoded.audio_scales): + if mx_scale is not None: + pt_scale = pt_scale.numpy() + assert np.allclose(pt_scale, mx_scale, atol=1e-3, rtol=1e-4) + + pt_audio = pt_model.decode( + pt_encoded.audio_codes, pt_encoded.audio_scales, torch.tensor(mask)[None] + ) + pt_audio = pt_audio[0].squeeze().T.detach().numpy() + mx_audio = mx_model.decode(*mx_encoded, mx.array(mask)) + mx_audio = mx_audio.squeeze() + assert np.allclose( + pt_audio, mx_audio, atol=1e-4, rtol=1e-4 + ), "Decoding audio mismatch" + + +if __name__ == "__main__": + compare_processors() + compare_models() diff --git a/encodec/utils.py b/encodec/utils.py new file mode 100644 index 00000000..b429ed83 --- /dev/null +++ b/encodec/utils.py @@ -0,0 +1,52 @@ +# Copyright © 2024 Apple Inc. + +import mlx.core as mx +import numpy as np + + +def save_audio(file: str, audio: mx.array, sampling_rate: int): + """ + Save audio to a wave (.wav) file. + """ + from scipy.io.wavfile import write + + audio = (audio * 32767).astype(mx.int16) + write(file, sampling_rate, np.array(audio)) + + +def load_audio(file: str, sampling_rate: int, channels: int): + """ + Read audio into an mx.array, resampling if necessary. + + Args: + file (str): The audio file to open. + sampling_rate (int): The sample rate to resample the audio at if needed. + channels (int): The number of audio channels. + + Returns: + An mx.array containing the audio waveform in float32. + """ + from subprocess import CalledProcessError, run + + # This launches a subprocess to decode audio while down-mixing + # and resampling as necessary. Requires the ffmpeg CLI in PATH. + # fmt: off + cmd = [ + "ffmpeg", + "-nostdin", + "-threads", "0", + "-i", file, + "-f", "s16le", + "-ac", str(channels), + "-acodec", "pcm_s16le", + "-ar", str(sampling_rate), + "-" + ] + # fmt: on + try: + out = run(cmd, capture_output=True, check=True).stdout + except CalledProcessError as e: + raise RuntimeError(f"Failed to load audio: {e.stderr.decode()}") from e + + out = mx.array(np.frombuffer(out, np.int16)) + return out.reshape(-1, channels).astype(mx.float32) / 32767.0 diff --git a/flux/README.md b/flux/README.md new file mode 100644 index 00000000..95f86b49 --- /dev/null +++ b/flux/README.md @@ -0,0 +1,281 @@ +FLUX +==== + +FLUX implementation in MLX. The implementation is ported directly from +[https://github.com/black-forest-labs/flux](https://github.com/black-forest-labs/flux) +and the model weights are downloaded directly from the Hugging Face Hub. + +The goal of this example is to be clean, educational and to allow for +experimentation with finetuning FLUX models as well as adding extra +functionality such as in-/outpainting, guidance with custom losses etc. + +![MLX image](static/generated-mlx.png) +*Image generated using FLUX-dev in MLX and the prompt 'An image in the style of +tron emanating futuristic technology with the word "MLX" in the center with +capital red letters.'* + +Installation +------------ + +The dependencies are minimal, namely: + +- `huggingface-hub` to download the checkpoints. +- `regex` for the tokenization +- `tqdm`, `PIL`, and `numpy` for the scripts +- `sentencepiece` for the T5 tokenizer +- `datasets` for using an HF dataset directly + +You can install all of the above with the `requirements.txt` as follows: + + pip install -r requirements.txt + + +Usage +--------- + +You can use the following command to generate an image, using `--output` to specify the storage location of the image, defaulting to `out.png`. + +```shell +python txt2image.py --model schnell \ + --n-images 1 \ + --image-size 256x512 \ + --verbose \ + 'A photo of an astronaut riding a horse on Mars.' +``` + +For more parameters, please use the `--help` command to view. + +```shell +python txt2image.py --help +``` + +Inference +--------- + +Inference in this example is similar to the stable diffusion example. The +classes to get you started are `FluxPipeline` from the `flux` module. + +```python +import mlx.core as mx +from flux import FluxPipeline + +# This will download all the weights from HF hub +flux = FluxPipeline("flux-schnell") + +# Make a generator that returns the latent variables from the reverse diffusion +# process +latent_generator = flux.generate_latents( + "A photo of an astronaut riding a horse on Mars", + num_steps=4, + latent_size=(32, 64), # 256x512 image +) + +# The first return value of the generator contains the conditioning and the +# random noise at the beginning of the diffusion process. +conditioning = next(latent_generator) +( + x_T, # The initial noise + x_positions, # The integer positions used for image positional encoding + t5_conditioning, # The T5 features from the text prompt + t5_positions, # Integer positions for text (normally all 0s) + clip_conditioning, # The clip text features from the text prompt +) = conditioning + +# Returning the conditioning as the first output from the generator allows us +# to unload T5 and clip before running the diffusion transformer. +mx.eval(conditioning) + +# Evaluate each diffusion step +for x_t in latent_generator: + mx.eval(x_t) + +# Note that we need to pass the latent size because it is collapsed and +# patchified in x_t and we need to unwrap it. +img = flux.decode(x_t, latent_size=(32, 64)) +``` + +The above are essentially the implementation of the `txt2image.py` script +except for some additional logic to quantize and/or load trained adapters. One +can use the script as follows: + +```shell +python txt2image.py \ + --n-images 4 \ + --n-rows 2 \ + --image-size 256x512 \ + 'A photo of an astronaut riding a horse on Mars.' +``` + +### Experimental Options + +FLUX pads the prompt to a specific size of 512 tokens for the dev model and +256 for the schnell model. Not applying padding results in faster generation +but it is not clear how it may affect the generated images. To enable that +option in this example pass `--no-t5-padding` to the `txt2image.py` script or +instantiate the pipeline with `FluxPipeline("flux-schnell", t5_padding=False)`. + +Finetuning +---------- + +The `dreambooth.py` script supports LoRA finetuning of FLUX-dev (and schnell +but ymmv) on a provided image dataset. The dataset folder must have an +`train.jsonl` file with the following format: + +```jsonl +{"image": "path-to-image-relative-to-dataset", "prompt": "Prompt to use with this image"} +{"image": "path-to-image-relative-to-dataset", "prompt": "Prompt to use with this image"} +... +``` + +The training script by default trains for 600 iterations with a batch size of +1, gradient accumulation of 4 and LoRA rank of 8. Run `python dreambooth.py +--help` for the list of hyperparameters you can tune. + +> [!Note] +> FLUX finetuning requires approximately 50GB of RAM. QLoRA is coming soon and +> should reduce this number significantly. + +### Training Example + +This is a step-by-step finetuning example. We will be using the data from +[https://github.com/google/dreambooth](https://github.com/google/dreambooth). +In particular, we will use `dog6` which is a popular example for showcasing +dreambooth [^1]. + +The training images are the following 5 images [^2]: + +![dog6](static/dog6.png) + +We start by making the following `train.jsonl` file and placing it in the same +folder as the images. + +```jsonl +{"image": "00.jpg", "prompt": "A photo of sks dog"} +{"image": "01.jpg", "prompt": "A photo of sks dog"} +{"image": "02.jpg", "prompt": "A photo of sks dog"} +{"image": "03.jpg", "prompt": "A photo of sks dog"} +{"image": "04.jpg", "prompt": "A photo of sks dog"} +``` + +Subsequently we finetune FLUX using the following command: + +```shell +python dreambooth.py \ + --progress-prompt 'A photo of an sks dog lying on the sand at a beach in Greece' \ + --progress-every 600 --iterations 1200 --learning-rate 0.0001 \ + --lora-rank 4 --grad-accumulate 8 \ + path/to/dreambooth/dataset/dog6 +``` + +Or you can directly use the pre-processed Hugging Face dataset +[mlx-community/dreambooth-dog6](https://huggingface.co/datasets/mlx-community/dreambooth-dog6) +for fine-tuning. + +```shell +python dreambooth.py \ + --progress-prompt 'A photo of an sks dog lying on the sand at a beach in Greece' \ + --progress-every 600 --iterations 1200 --learning-rate 0.0001 \ + --lora-rank 4 --grad-accumulate 8 \ + mlx-community/dreambooth-dog6 +``` + +The training requires approximately 50GB of RAM and on an M2 Ultra it takes a +bit more than 1 hour. + +### Using the Adapter + +The adapters are saved in `mlx_output` and can be used directly by the +`txt2image.py` script. For instance, + +```shell +python txt2image.py --model dev --save-raw --image-size 512x512 --n-images 1 \ + --adapter mlx_output/final_adapters.safetensors \ + --fuse-adapter \ + --no-t5-padding \ + 'A photo of an sks dog lying on the sand at a beach in Greece' +``` + +generates an image that looks like the following, + +![dog image](static/dog-r4-g8-1200.png) + +and of course we can pass `--image-size 512x1024` to get larger images with +different aspect ratios, + +![wide dog image](static/dog-r4-g8-1200-512x1024.png) + +The arguments that are relevant to the adapters are of course `--adapter` and +`--fuse-adapter`. The first defines the path to an adapter to apply to the +model and the second fuses the adapter back into the model to get a bit more +speed during generation. + +[^1]: Refer to the [arXiv paper](https://arxiv.org/abs/2208.12242) for more details. +[^2]: The images are from unsplash by https://unsplash.com/@alvannee . + + +Distributed Computation +------------------------ + +The FLUX example supports distributed computation during both generation and +training. See the [distributed communication +documentation](https://ml-explore.github.io/mlx/build/html/usage/distributed.html) +for information on how to set-up MLX for distributed communication. The rest of +this section assumes you can launch distributed MLX programs using `mlx.launch +--hostfile hostfile.json`. + +### Distributed Finetuning + +Distributed finetuning scales very well with FLUX and all one has to do is +adjust the gradient accumulation and training iterations so that the batch +size remains the same. For instance, to replicate the following training + +```shell +python dreambooth.py \ + --progress-prompt 'A photo of an sks dog lying on the sand at a beach in Greece' \ + --progress-every 600 --iterations 1200 --learning-rate 0.0001 \ + --lora-rank 4 --grad-accumulate 8 \ + mlx-community/dreambooth-dog6 +``` + +On 4 machines we simply run + +```shell +mlx.launch --verbose --hostfile hostfile.json -- python dreambooth.py \ + --progress-prompt 'A photo of an sks dog lying on the sand at a beach in Greece' \ + --progress-every 150 --iterations 300 --learning-rate 0.0001 \ + --lora-rank 4 --grad-accumulate 2 \ + mlx-community/dreambooth-dog6 +``` + +Note the iterations that changed to 300 from 1200 and the gradient accumulations to 2 from 8. + +### Distributed Inference + +Distributed inference can be divided in two different approaches. The first +approach is the data-parallel approach, where each node generates its own +images and shares them at the end. The second approach is the model-parallel +approach where the model is shared across the nodes and they collaboratively +generate the images. + +The `txt2image.py` script will attempt to choose the best approach depending on +how many images are being generated across the nodes. The model-parallel +approach can be forced by passing the argument `--force-shard`. + +For better performance in the model-parallel approach we suggest that you use a +[thunderbolt +ring](https://ml-explore.github.io/mlx/build/html/usage/distributed.html#getting-started-with-ring). + +All you have to do once again is use `mlx.launch` as follows + +```shell +mlx.launch --verbose --hostfile hostfile.json -- \ + python txt2image.py --model schnell \ + --n-images 8 \ + --image-size 512x512 \ + --verbose \ + 'A photo of an astronaut riding a horse on Mars' +``` + +for model-parallel generation you may want to also pass `--env +MLX_METAL_FAST_SYNCH=1` to `mlx.launch` which is an experimental setting that +reduces the CPU/GPU synchronization overhead. diff --git a/flux/dreambooth.py b/flux/dreambooth.py new file mode 100644 index 00000000..f82178b9 --- /dev/null +++ b/flux/dreambooth.py @@ -0,0 +1,292 @@ +# Copyright © 2024 Apple Inc. + +import argparse +import time +from functools import partial +from pathlib import Path + +import mlx.core as mx +import mlx.nn as nn +import mlx.optimizers as optim +import numpy as np +from mlx.nn.utils import average_gradients +from mlx.utils import tree_flatten, tree_map, tree_reduce +from PIL import Image + +from flux import FluxPipeline, Trainer, load_dataset, save_config + + +def generate_progress_images(iteration, flux, args): + """Generate images to monitor the progress of the finetuning.""" + out_dir = Path(args.output_dir) + out_dir.mkdir(parents=True, exist_ok=True) + out_file = out_dir / f"{iteration:07d}_progress.png" + print(f"Generating {str(out_file)}", flush=True) + + # Generate some images and arrange them in a grid + n_rows = 2 + n_images = 4 + x = flux.generate_images( + args.progress_prompt, + n_images, + args.progress_steps, + ) + x = mx.pad(x, [(0, 0), (4, 4), (4, 4), (0, 0)]) + B, H, W, C = x.shape + x = x.reshape(n_rows, B // n_rows, H, W, C).transpose(0, 2, 1, 3, 4) + x = x.reshape(n_rows * H, B // n_rows * W, C) + x = mx.pad(x, [(4, 4), (4, 4), (0, 0)]) + x = (x * 255).astype(mx.uint8) + + # Save them to disc + im = Image.fromarray(np.array(x)) + im.save(out_file) + + +def save_adapters(adapter_name, flux, args): + out_dir = Path(args.output_dir) + out_dir.mkdir(parents=True, exist_ok=True) + out_file = out_dir / adapter_name + print(f"Saving {str(out_file)}") + + mx.save_safetensors( + str(out_file), + dict(tree_flatten(flux.flow.trainable_parameters())), + metadata={ + "lora_rank": str(args.lora_rank), + "lora_blocks": str(args.lora_blocks), + }, + ) + + +def setup_arg_parser(): + """Set up and return the argument parser.""" + parser = argparse.ArgumentParser( + description="Finetune Flux to generate images with a specific subject" + ) + + parser.add_argument( + "--model", + default="dev", + choices=[ + "dev", + "schnell", + ], + help="Which flux model to train", + ) + parser.add_argument( + "--guidance", type=float, default=4.0, help="The guidance factor to use." + ) + parser.add_argument( + "--iterations", + type=int, + default=600, + help="How many iterations to train for", + ) + parser.add_argument( + "--batch-size", + type=int, + default=1, + help="The batch size to use when training the stable diffusion model", + ) + parser.add_argument( + "--resolution", + type=lambda x: tuple(map(int, x.split("x"))), + default=(512, 512), + help="The resolution of the training images", + ) + parser.add_argument( + "--num-augmentations", + type=int, + default=5, + help="Augment the images by random cropping and panning", + ) + parser.add_argument( + "--progress-prompt", + required=True, + help="Use this prompt when generating images for evaluation", + ) + parser.add_argument( + "--progress-steps", + type=int, + default=50, + help="Use this many steps when generating images for evaluation", + ) + parser.add_argument( + "--progress-every", + type=int, + default=50, + help="Generate images every PROGRESS_EVERY steps", + ) + parser.add_argument( + "--checkpoint-every", + type=int, + default=50, + help="Save the model every CHECKPOINT_EVERY steps", + ) + parser.add_argument( + "--lora-blocks", + type=int, + default=-1, + help="Train the last LORA_BLOCKS transformer blocks", + ) + parser.add_argument( + "--lora-rank", type=int, default=8, help="LoRA rank for finetuning" + ) + parser.add_argument( + "--warmup-steps", type=int, default=100, help="Learning rate warmup" + ) + parser.add_argument( + "--learning-rate", type=float, default="1e-4", help="Learning rate for training" + ) + parser.add_argument( + "--grad-accumulate", + type=int, + default=4, + help="Accumulate gradients for that many iterations before applying them", + ) + parser.add_argument( + "--output-dir", default="mlx_output", help="Folder to save the checkpoints in" + ) + + parser.add_argument("dataset") + return parser + + +if __name__ == "__main__": + parser = setup_arg_parser() + args = parser.parse_args() + + output_path = Path(args.output_dir) + output_path.mkdir(parents=True, exist_ok=True) + save_config(vars(args), output_path / "adapter_config.json") + + # Load the model and set it up for LoRA training. We use the same random + # state when creating the LoRA layers so all workers will have the same + # initial weights. + mx.random.seed(0x0F0F0F0F) + flux = FluxPipeline("flux-" + args.model) + flux.flow.freeze() + flux.linear_to_lora_layers(args.lora_rank, args.lora_blocks) + + # Reset the seed to a different seed per worker if we are in distributed + # mode so that each worker is working on different data, diffusion step and + # random noise. + mx.random.seed(0xF0F0F0F0 + mx.distributed.init().rank()) + + # Report how many parameters we are training + trainable_params = tree_reduce( + lambda acc, x: acc + x.size, flux.flow.trainable_parameters(), 0 + ) + print(f"Training {trainable_params / 1024 ** 2:.3f}M parameters", flush=True) + + # Set up the optimizer and training steps. The steps are a bit verbose to + # support gradient accumulation together with compilation. + warmup = optim.linear_schedule(0, args.learning_rate, args.warmup_steps) + cosine = optim.cosine_decay( + args.learning_rate, args.iterations // args.grad_accumulate + ) + lr_schedule = optim.join_schedules([warmup, cosine], [args.warmup_steps]) + optimizer = optim.Adam(learning_rate=lr_schedule) + state = [flux.flow.state, optimizer.state, mx.random.state] + + @partial(mx.compile, inputs=state, outputs=state) + def single_step(x, t5_feat, clip_feat, guidance): + loss, grads = nn.value_and_grad(flux.flow, flux.training_loss)( + x, t5_feat, clip_feat, guidance + ) + grads = average_gradients(grads) + optimizer.update(flux.flow, grads) + + return loss + + @partial(mx.compile, inputs=state, outputs=state) + def compute_loss_and_grads(x, t5_feat, clip_feat, guidance): + return nn.value_and_grad(flux.flow, flux.training_loss)( + x, t5_feat, clip_feat, guidance + ) + + @partial(mx.compile, inputs=state, outputs=state) + def compute_loss_and_accumulate_grads(x, t5_feat, clip_feat, guidance, prev_grads): + loss, grads = nn.value_and_grad(flux.flow, flux.training_loss)( + x, t5_feat, clip_feat, guidance + ) + grads = tree_map(lambda a, b: a + b, prev_grads, grads) + return loss, grads + + @partial(mx.compile, inputs=state, outputs=state) + def grad_accumulate_and_step(x, t5_feat, clip_feat, guidance, prev_grads): + loss, grads = nn.value_and_grad(flux.flow, flux.training_loss)( + x, t5_feat, clip_feat, guidance + ) + grads = tree_map( + lambda a, b: (a + b) / args.grad_accumulate, + prev_grads, + grads, + ) + grads = average_gradients(grads) + optimizer.update(flux.flow, grads) + + return loss + + # We simply route to the appropriate step based on whether we have + # gradients from a previous step and whether we should be performing an + # update or simply computing and accumulating gradients in this step. + def step(x, t5_feat, clip_feat, guidance, prev_grads, perform_step): + if prev_grads is None: + if perform_step: + return single_step(x, t5_feat, clip_feat, guidance), None + else: + return compute_loss_and_grads(x, t5_feat, clip_feat, guidance) + else: + if perform_step: + return ( + grad_accumulate_and_step( + x, t5_feat, clip_feat, guidance, prev_grads + ), + None, + ) + else: + return compute_loss_and_accumulate_grads( + x, t5_feat, clip_feat, guidance, prev_grads + ) + + dataset = load_dataset(args.dataset) + trainer = Trainer(flux, dataset, args) + trainer.encode_dataset() + + guidance = mx.full((args.batch_size,), args.guidance, dtype=flux.dtype) + + # An initial generation to compare + generate_progress_images(0, flux, args) + + grads = None + losses = [] + tic = time.time() + for i, batch in zip(range(args.iterations), trainer.iterate(args.batch_size)): + loss, grads = step(*batch, guidance, grads, (i + 1) % args.grad_accumulate == 0) + mx.eval(loss, grads, state) + losses.append(loss.item()) + + if (i + 1) % 10 == 0: + toc = time.time() + peak_mem = mx.metal.get_peak_memory() / 1024**3 + print( + f"Iter: {i + 1} Loss: {sum(losses) / 10:.3f} " + f"It/s: {10 / (toc - tic):.3f} " + f"Peak mem: {peak_mem:.3f} GB", + flush=True, + ) + + if (i + 1) % args.progress_every == 0: + generate_progress_images(i + 1, flux, args) + + if (i + 1) % args.checkpoint_every == 0: + save_adapters(f"{i + 1:07d}_adapters.safetensors", flux, args) + + if (i + 1) % 10 == 0: + losses = [] + tic = time.time() + + save_adapters("final_adapters.safetensors", flux, args) + print("Training successful.") diff --git a/flux/flux/__init__.py b/flux/flux/__init__.py new file mode 100644 index 00000000..3dd423b7 --- /dev/null +++ b/flux/flux/__init__.py @@ -0,0 +1,16 @@ +# Copyright © 2024 Apple Inc. + +from .datasets import Dataset, load_dataset +from .flux import FluxPipeline +from .lora import LoRALinear +from .sampler import FluxSampler +from .trainer import Trainer +from .utils import ( + load_ae, + load_clip, + load_clip_tokenizer, + load_flow_model, + load_t5, + load_t5_tokenizer, + save_config, +) diff --git a/flux/flux/autoencoder.py b/flux/flux/autoencoder.py new file mode 100644 index 00000000..6332bb57 --- /dev/null +++ b/flux/flux/autoencoder.py @@ -0,0 +1,357 @@ +# Copyright © 2024 Apple Inc. + +from dataclasses import dataclass +from typing import List + +import mlx.core as mx +import mlx.nn as nn +from mlx.nn.layers.upsample import upsample_nearest + + +@dataclass +class AutoEncoderParams: + resolution: int + in_channels: int + ch: int + out_ch: int + ch_mult: List[int] + num_res_blocks: int + z_channels: int + scale_factor: float + shift_factor: float + + +class AttnBlock(nn.Module): + def __init__(self, in_channels: int): + super().__init__() + self.in_channels = in_channels + + self.norm = nn.GroupNorm( + num_groups=32, + dims=in_channels, + eps=1e-6, + affine=True, + pytorch_compatible=True, + ) + self.q = nn.Linear(in_channels, in_channels) + self.k = nn.Linear(in_channels, in_channels) + self.v = nn.Linear(in_channels, in_channels) + self.proj_out = nn.Linear(in_channels, in_channels) + + def __call__(self, x: mx.array) -> mx.array: + B, H, W, C = x.shape + + y = x.reshape(B, 1, -1, C) + y = self.norm(y) + q = self.q(y) + k = self.k(y) + v = self.v(y) + y = mx.fast.scaled_dot_product_attention(q, k, v, scale=C ** (-0.5)) + y = self.proj_out(y) + + return x + y.reshape(B, H, W, C) + + +class ResnetBlock(nn.Module): + def __init__(self, in_channels: int, out_channels: int): + super().__init__() + self.in_channels = in_channels + out_channels = in_channels if out_channels is None else out_channels + self.out_channels = out_channels + + self.norm1 = nn.GroupNorm( + num_groups=32, + dims=in_channels, + eps=1e-6, + affine=True, + pytorch_compatible=True, + ) + self.conv1 = nn.Conv2d( + in_channels, out_channels, kernel_size=3, stride=1, padding=1 + ) + self.norm2 = nn.GroupNorm( + num_groups=32, + dims=out_channels, + eps=1e-6, + affine=True, + pytorch_compatible=True, + ) + self.conv2 = nn.Conv2d( + out_channels, out_channels, kernel_size=3, stride=1, padding=1 + ) + if self.in_channels != self.out_channels: + self.nin_shortcut = nn.Linear(in_channels, out_channels) + + def __call__(self, x): + h = x + h = self.norm1(h) + h = nn.silu(h) + h = self.conv1(h) + + h = self.norm2(h) + h = nn.silu(h) + h = self.conv2(h) + + if self.in_channels != self.out_channels: + x = self.nin_shortcut(x) + + return x + h + + +class Downsample(nn.Module): + def __init__(self, in_channels: int): + super().__init__() + self.conv = nn.Conv2d( + in_channels, in_channels, kernel_size=3, stride=2, padding=0 + ) + + def __call__(self, x: mx.array): + x = mx.pad(x, [(0, 0), (0, 1), (0, 1), (0, 0)]) + x = self.conv(x) + return x + + +class Upsample(nn.Module): + def __init__(self, in_channels: int): + super().__init__() + self.conv = nn.Conv2d( + in_channels, in_channels, kernel_size=3, stride=1, padding=1 + ) + + def __call__(self, x: mx.array): + x = upsample_nearest(x, (2, 2)) + x = self.conv(x) + return x + + +class Encoder(nn.Module): + def __init__( + self, + resolution: int, + in_channels: int, + ch: int, + ch_mult: list[int], + num_res_blocks: int, + z_channels: int, + ): + super().__init__() + self.ch = ch + self.num_resolutions = len(ch_mult) + self.num_res_blocks = num_res_blocks + self.resolution = resolution + self.in_channels = in_channels + # downsampling + self.conv_in = nn.Conv2d( + in_channels, self.ch, kernel_size=3, stride=1, padding=1 + ) + + curr_res = resolution + in_ch_mult = (1,) + tuple(ch_mult) + self.in_ch_mult = in_ch_mult + self.down = [] + block_in = self.ch + for i_level in range(self.num_resolutions): + block = [] + attn = [] # TODO: Remove the attn, nobody appends anything to it + block_in = ch * in_ch_mult[i_level] + block_out = ch * ch_mult[i_level] + for _ in range(self.num_res_blocks): + block.append(ResnetBlock(in_channels=block_in, out_channels=block_out)) + block_in = block_out + down = {} + down["block"] = block + down["attn"] = attn + if i_level != self.num_resolutions - 1: + down["downsample"] = Downsample(block_in) + curr_res = curr_res // 2 + self.down.append(down) + + # middle + self.mid = {} + self.mid["block_1"] = ResnetBlock(in_channels=block_in, out_channels=block_in) + self.mid["attn_1"] = AttnBlock(block_in) + self.mid["block_2"] = ResnetBlock(in_channels=block_in, out_channels=block_in) + + # end + self.norm_out = nn.GroupNorm( + num_groups=32, dims=block_in, eps=1e-6, affine=True, pytorch_compatible=True + ) + self.conv_out = nn.Conv2d( + block_in, 2 * z_channels, kernel_size=3, stride=1, padding=1 + ) + + def __call__(self, x: mx.array): + hs = [self.conv_in(x)] + for i_level in range(self.num_resolutions): + for i_block in range(self.num_res_blocks): + h = self.down[i_level]["block"][i_block](hs[-1]) + + # TODO: Remove the attn + if len(self.down[i_level]["attn"]) > 0: + h = self.down[i_level]["attn"][i_block](h) + + hs.append(h) + + if i_level != self.num_resolutions - 1: + hs.append(self.down[i_level]["downsample"](hs[-1])) + + # middle + h = hs[-1] + h = self.mid["block_1"](h) + h = self.mid["attn_1"](h) + h = self.mid["block_2"](h) + + # end + h = self.norm_out(h) + h = nn.silu(h) + h = self.conv_out(h) + + return h + + +class Decoder(nn.Module): + def __init__( + self, + ch: int, + out_ch: int, + ch_mult: list[int], + num_res_blocks: int, + in_channels: int, + resolution: int, + z_channels: int, + ): + super().__init__() + self.ch = ch + self.num_resolutions = len(ch_mult) + self.num_res_blocks = num_res_blocks + self.resolution = resolution + self.in_channels = in_channels + self.ffactor = 2 ** (self.num_resolutions - 1) + + # compute in_ch_mult, block_in and curr_res at lowest res + block_in = ch * ch_mult[self.num_resolutions - 1] + curr_res = resolution // 2 ** (self.num_resolutions - 1) + self.z_shape = (1, z_channels, curr_res, curr_res) + + # z to block_in + self.conv_in = nn.Conv2d( + z_channels, block_in, kernel_size=3, stride=1, padding=1 + ) + + # middle + self.mid = {} + self.mid["block_1"] = ResnetBlock(in_channels=block_in, out_channels=block_in) + self.mid["attn_1"] = AttnBlock(block_in) + self.mid["block_2"] = ResnetBlock(in_channels=block_in, out_channels=block_in) + + # upsampling + self.up = [] + for i_level in reversed(range(self.num_resolutions)): + block = [] + attn = [] # TODO: Remove the attn, nobody appends anything to it + + block_out = ch * ch_mult[i_level] + for _ in range(self.num_res_blocks + 1): + block.append(ResnetBlock(in_channels=block_in, out_channels=block_out)) + block_in = block_out + up = {} + up["block"] = block + up["attn"] = attn + if i_level != 0: + up["upsample"] = Upsample(block_in) + curr_res = curr_res * 2 + self.up.insert(0, up) # prepend to get consistent order + + # end + self.norm_out = nn.GroupNorm( + num_groups=32, dims=block_in, eps=1e-6, affine=True, pytorch_compatible=True + ) + self.conv_out = nn.Conv2d(block_in, out_ch, kernel_size=3, stride=1, padding=1) + + def __call__(self, z: mx.array): + # z to block_in + h = self.conv_in(z) + + # middle + h = self.mid["block_1"](h) + h = self.mid["attn_1"](h) + h = self.mid["block_2"](h) + + # upsampling + for i_level in reversed(range(self.num_resolutions)): + for i_block in range(self.num_res_blocks + 1): + h = self.up[i_level]["block"][i_block](h) + + # TODO: Remove the attn + if len(self.up[i_level]["attn"]) > 0: + h = self.up[i_level]["attn"][i_block](h) + + if i_level != 0: + h = self.up[i_level]["upsample"](h) + + # end + h = self.norm_out(h) + h = nn.silu(h) + h = self.conv_out(h) + + return h + + +class DiagonalGaussian(nn.Module): + def __call__(self, z: mx.array): + mean, logvar = mx.split(z, 2, axis=-1) + if self.training: + std = mx.exp(0.5 * logvar) + eps = mx.random.normal(shape=z.shape, dtype=z.dtype) + return mean + std * eps + else: + return mean + + +class AutoEncoder(nn.Module): + def __init__(self, params: AutoEncoderParams): + super().__init__() + self.encoder = Encoder( + resolution=params.resolution, + in_channels=params.in_channels, + ch=params.ch, + ch_mult=params.ch_mult, + num_res_blocks=params.num_res_blocks, + z_channels=params.z_channels, + ) + self.decoder = Decoder( + resolution=params.resolution, + in_channels=params.in_channels, + ch=params.ch, + out_ch=params.out_ch, + ch_mult=params.ch_mult, + num_res_blocks=params.num_res_blocks, + z_channels=params.z_channels, + ) + self.reg = DiagonalGaussian() + + self.scale_factor = params.scale_factor + self.shift_factor = params.shift_factor + + def sanitize(self, weights): + new_weights = {} + for k, w in weights.items(): + if w.ndim == 4: + w = w.transpose(0, 2, 3, 1) + w = w.reshape(-1).reshape(w.shape) + if w.shape[1:3] == (1, 1): + w = w.squeeze((1, 2)) + new_weights[k] = w + return new_weights + + def encode(self, x: mx.array): + z = self.reg(self.encoder(x)) + z = self.scale_factor * (z - self.shift_factor) + return z + + def decode(self, z: mx.array): + z = z / self.scale_factor + self.shift_factor + return self.decoder(z) + + def __call__(self, x: mx.array): + return self.decode(self.encode(x)) diff --git a/flux/flux/clip.py b/flux/flux/clip.py new file mode 100644 index 00000000..d5a30dbf --- /dev/null +++ b/flux/flux/clip.py @@ -0,0 +1,154 @@ +# Copyright © 2024 Apple Inc. + +from dataclasses import dataclass +from typing import List, Optional + +import mlx.core as mx +import mlx.nn as nn + +_ACTIVATIONS = {"quick_gelu": nn.gelu_fast_approx, "gelu": nn.gelu} + + +@dataclass +class CLIPTextModelConfig: + num_layers: int = 23 + model_dims: int = 1024 + num_heads: int = 16 + max_length: int = 77 + vocab_size: int = 49408 + hidden_act: str = "quick_gelu" + + @classmethod + def from_dict(cls, config): + return cls( + num_layers=config["num_hidden_layers"], + model_dims=config["hidden_size"], + num_heads=config["num_attention_heads"], + max_length=config["max_position_embeddings"], + vocab_size=config["vocab_size"], + hidden_act=config["hidden_act"], + ) + + +@dataclass +class CLIPOutput: + # The last_hidden_state indexed at the EOS token and possibly projected if + # the model has a projection layer + pooled_output: Optional[mx.array] = None + + # The full sequence output of the transformer after the final layernorm + last_hidden_state: Optional[mx.array] = None + + # A list of hidden states corresponding to the outputs of the transformer layers + hidden_states: Optional[List[mx.array]] = None + + +class CLIPEncoderLayer(nn.Module): + """The transformer encoder layer from CLIP.""" + + def __init__(self, model_dims: int, num_heads: int, activation: str): + super().__init__() + + self.layer_norm1 = nn.LayerNorm(model_dims) + self.layer_norm2 = nn.LayerNorm(model_dims) + + self.attention = nn.MultiHeadAttention(model_dims, num_heads, bias=True) + + self.linear1 = nn.Linear(model_dims, 4 * model_dims) + self.linear2 = nn.Linear(4 * model_dims, model_dims) + + self.act = _ACTIVATIONS[activation] + + def __call__(self, x, attn_mask=None): + y = self.layer_norm1(x) + y = self.attention(y, y, y, attn_mask) + x = y + x + + y = self.layer_norm2(x) + y = self.linear1(y) + y = self.act(y) + y = self.linear2(y) + x = y + x + + return x + + +class CLIPTextModel(nn.Module): + """Implements the text encoder transformer from CLIP.""" + + def __init__(self, config: CLIPTextModelConfig): + super().__init__() + + self.token_embedding = nn.Embedding(config.vocab_size, config.model_dims) + self.position_embedding = nn.Embedding(config.max_length, config.model_dims) + self.layers = [ + CLIPEncoderLayer(config.model_dims, config.num_heads, config.hidden_act) + for i in range(config.num_layers) + ] + self.final_layer_norm = nn.LayerNorm(config.model_dims) + + def _get_mask(self, N, dtype): + indices = mx.arange(N) + mask = indices[:, None] < indices[None] + mask = mask.astype(dtype) * (-6e4 if dtype == mx.float16 else -1e9) + return mask + + def sanitize(self, weights): + new_weights = {} + for key, w in weights.items(): + # Remove prefixes + if key.startswith("text_model."): + key = key[11:] + if key.startswith("embeddings."): + key = key[11:] + if key.startswith("encoder."): + key = key[8:] + + # Map attention layers + if "self_attn." in key: + key = key.replace("self_attn.", "attention.") + if "q_proj." in key: + key = key.replace("q_proj.", "query_proj.") + if "k_proj." in key: + key = key.replace("k_proj.", "key_proj.") + if "v_proj." in key: + key = key.replace("v_proj.", "value_proj.") + + # Map ffn layers + if "mlp.fc1" in key: + key = key.replace("mlp.fc1", "linear1") + if "mlp.fc2" in key: + key = key.replace("mlp.fc2", "linear2") + + new_weights[key] = w + + return new_weights + + def __call__(self, x): + # Extract some shapes + B, N = x.shape + eos_tokens = x.argmax(-1) + + # Compute the embeddings + x = self.token_embedding(x) + x = x + self.position_embedding.weight[:N] + + # Compute the features from the transformer + mask = self._get_mask(N, x.dtype) + hidden_states = [] + for l in self.layers: + x = l(x, mask) + hidden_states.append(x) + + # Apply the final layernorm and return + x = self.final_layer_norm(x) + last_hidden_state = x + + # Select the EOS token + pooled_output = x[mx.arange(len(x)), eos_tokens] + + return CLIPOutput( + pooled_output=pooled_output, + last_hidden_state=last_hidden_state, + hidden_states=hidden_states, + ) diff --git a/flux/flux/datasets.py b/flux/flux/datasets.py new file mode 100644 index 00000000..d31a09f1 --- /dev/null +++ b/flux/flux/datasets.py @@ -0,0 +1,75 @@ +import json +from pathlib import Path + +from PIL import Image + + +class Dataset: + def __getitem__(self, index: int): + raise NotImplementedError() + + def __len__(self): + raise NotImplementedError() + + +class LocalDataset(Dataset): + prompt_key = "prompt" + + def __init__(self, dataset: str, data_file): + self.dataset_base = Path(dataset) + with open(data_file, "r") as fid: + self._data = [json.loads(l) for l in fid] + + def __len__(self): + return len(self._data) + + def __getitem__(self, index: int): + item = self._data[index] + image = Image.open(self.dataset_base / item["image"]) + return image, item[self.prompt_key] + + +class LegacyDataset(LocalDataset): + prompt_key = "text" + + def __init__(self, dataset: str): + self.dataset_base = Path(dataset) + with open(self.dataset_base / "index.json") as f: + self._data = json.load(f)["data"] + + +class HuggingFaceDataset(Dataset): + + def __init__(self, dataset: str): + from datasets import load_dataset as hf_load_dataset + + self._df = hf_load_dataset(dataset)["train"] + + def __len__(self): + return len(self._df) + + def __getitem__(self, index: int): + item = self._df[index] + return item["image"], item["prompt"] + + +def load_dataset(dataset: str): + dataset_base = Path(dataset) + data_file = dataset_base / "train.jsonl" + legacy_file = dataset_base / "index.json" + + if data_file.exists(): + print(f"Load the local dataset {data_file} .", flush=True) + dataset = LocalDataset(dataset, data_file) + elif legacy_file.exists(): + print(f"Load the local dataset {legacy_file} .") + print() + print(" WARNING: 'index.json' is deprecated in favor of 'train.jsonl'.") + print(" See the README for details.") + print(flush=True) + dataset = LegacyDataset(dataset) + else: + print(f"Load the Hugging Face dataset {dataset} .", flush=True) + dataset = HuggingFaceDataset(dataset) + + return dataset diff --git a/flux/flux/flux.py b/flux/flux/flux.py new file mode 100644 index 00000000..3fd044ac --- /dev/null +++ b/flux/flux/flux.py @@ -0,0 +1,246 @@ +# Copyright © 2024 Apple Inc. + +from typing import Tuple + +import mlx.core as mx +import mlx.nn as nn +from mlx.utils import tree_unflatten +from tqdm import tqdm + +from .lora import LoRALinear +from .sampler import FluxSampler +from .utils import ( + load_ae, + load_clip, + load_clip_tokenizer, + load_flow_model, + load_t5, + load_t5_tokenizer, +) + + +class FluxPipeline: + def __init__(self, name: str, t5_padding: bool = True): + self.dtype = mx.bfloat16 + self.name = name + self.t5_padding = t5_padding + + self.ae = load_ae(name) + self.flow = load_flow_model(name) + self.clip = load_clip(name) + self.clip_tokenizer = load_clip_tokenizer(name) + self.t5 = load_t5(name) + self.t5_tokenizer = load_t5_tokenizer(name) + self.sampler = FluxSampler(name) + + def ensure_models_are_loaded(self): + mx.eval( + self.ae.parameters(), + self.flow.parameters(), + self.clip.parameters(), + self.t5.parameters(), + ) + + def reload_text_encoders(self): + self.t5 = load_t5(self.name) + self.clip = load_clip(self.name) + + def tokenize(self, text): + t5_tokens = self.t5_tokenizer.encode(text, pad=self.t5_padding) + clip_tokens = self.clip_tokenizer.encode(text) + return t5_tokens, clip_tokens + + def _prepare_latent_images(self, x): + b, h, w, c = x.shape + + # Pack the latent image to 2x2 patches + x = x.reshape(b, h // 2, 2, w // 2, 2, c) + x = x.transpose(0, 1, 3, 5, 2, 4).reshape(b, h * w // 4, c * 4) + + # Create positions ids used to positionally encode each patch. Due to + # the way RoPE works, this results in an interesting positional + # encoding where parts of the feature are holding different positional + # information. Namely, the first part holds information independent of + # the spatial position (hence 0s), the 2nd part holds vertical spatial + # information and the last one horizontal. + i = mx.zeros((h // 2, w // 2), dtype=mx.int32) + j, k = mx.meshgrid(mx.arange(h // 2), mx.arange(w // 2), indexing="ij") + x_ids = mx.stack([i, j, k], axis=-1) + x_ids = mx.repeat(x_ids.reshape(1, h * w // 4, 3), b, 0) + + return x, x_ids + + def _prepare_conditioning(self, n_images, t5_tokens, clip_tokens): + # Prepare the text features + txt = self.t5(t5_tokens) + if len(txt) == 1 and n_images > 1: + txt = mx.broadcast_to(txt, (n_images, *txt.shape[1:])) + txt_ids = mx.zeros((n_images, txt.shape[1], 3), dtype=mx.int32) + + # Prepare the clip text features + vec = self.clip(clip_tokens).pooled_output + if len(vec) == 1 and n_images > 1: + vec = mx.broadcast_to(vec, (n_images, *vec.shape[1:])) + + return txt, txt_ids, vec + + def _denoising_loop( + self, + x_t, + x_ids, + txt, + txt_ids, + vec, + num_steps: int = 35, + guidance: float = 4.0, + start: float = 1, + stop: float = 0, + ): + B = len(x_t) + + def scalar(x): + return mx.full((B,), x, dtype=self.dtype) + + guidance = scalar(guidance) + timesteps = self.sampler.timesteps( + num_steps, + x_t.shape[1], + start=start, + stop=stop, + ) + for i in range(num_steps): + t = timesteps[i] + t_prev = timesteps[i + 1] + + pred = self.flow( + img=x_t, + img_ids=x_ids, + txt=txt, + txt_ids=txt_ids, + y=vec, + timesteps=scalar(t), + guidance=guidance, + ) + x_t = self.sampler.step(pred, x_t, t, t_prev) + + yield x_t + + def generate_latents( + self, + text: str, + n_images: int = 1, + num_steps: int = 35, + guidance: float = 4.0, + latent_size: Tuple[int, int] = (64, 64), + seed=None, + ): + # Set the PRNG state + if seed is not None: + mx.random.seed(seed) + + # Create the latent variables + x_T = self.sampler.sample_prior((n_images, *latent_size, 16), dtype=self.dtype) + x_T, x_ids = self._prepare_latent_images(x_T) + + # Get the conditioning + t5_tokens, clip_tokens = self.tokenize(text) + txt, txt_ids, vec = self._prepare_conditioning(n_images, t5_tokens, clip_tokens) + + # Yield the conditioning for controlled evaluation by the caller + yield (x_T, x_ids, txt, txt_ids, vec) + + # Yield the latent sequences from the denoising loop + yield from self._denoising_loop( + x_T, x_ids, txt, txt_ids, vec, num_steps=num_steps, guidance=guidance + ) + + def decode(self, x, latent_size: Tuple[int, int] = (64, 64)): + h, w = latent_size + x = x.reshape(len(x), h // 2, w // 2, -1, 2, 2) + x = x.transpose(0, 1, 4, 2, 5, 3).reshape(len(x), h, w, -1) + x = self.ae.decode(x) + return mx.clip(x + 1, 0, 2) * 0.5 + + def generate_images( + self, + text: str, + n_images: int = 1, + num_steps: int = 35, + guidance: float = 4.0, + latent_size: Tuple[int, int] = (64, 64), + seed=None, + reload_text_encoders: bool = True, + progress: bool = True, + ): + latents = self.generate_latents( + text, n_images, num_steps, guidance, latent_size, seed + ) + mx.eval(next(latents)) + + if reload_text_encoders: + self.reload_text_encoders() + + for x_t in tqdm(latents, total=num_steps, disable=not progress, leave=True): + mx.eval(x_t) + + images = [] + for i in tqdm(range(len(x_t)), disable=not progress, desc="generate images"): + images.append(self.decode(x_t[i : i + 1])) + mx.eval(images[-1]) + images = mx.concatenate(images, axis=0) + mx.eval(images) + + return images + + def training_loss( + self, + x_0: mx.array, + t5_features: mx.array, + clip_features: mx.array, + guidance: mx.array, + ): + # Get the text conditioning + txt = t5_features + txt_ids = mx.zeros(txt.shape[:-1] + (3,), dtype=mx.int32) + vec = clip_features + + # Prepare the latent input + x_0, x_ids = self._prepare_latent_images(x_0) + + # Forward process + t = self.sampler.random_timesteps(*x_0.shape[:2], dtype=self.dtype) + eps = mx.random.normal(x_0.shape, dtype=self.dtype) + x_t = self.sampler.add_noise(x_0, t, noise=eps) + x_t = mx.stop_gradient(x_t) + + # Do the denoising + pred = self.flow( + img=x_t, + img_ids=x_ids, + txt=txt, + txt_ids=txt_ids, + y=vec, + timesteps=t, + guidance=guidance, + ) + + return (pred + x_0 - eps).square().mean() + + def linear_to_lora_layers(self, rank: int = 8, num_blocks: int = -1): + """Swap the linear layers in the transformer blocks with LoRA layers.""" + all_blocks = self.flow.double_blocks + self.flow.single_blocks + all_blocks.reverse() + num_blocks = num_blocks if num_blocks > 0 else len(all_blocks) + for i, block in zip(range(num_blocks), all_blocks): + loras = [] + for name, module in block.named_modules(): + if isinstance(module, nn.Linear): + loras.append((name, LoRALinear.from_base(module, r=rank))) + block.update_modules(tree_unflatten(loras)) + + def fuse_lora_layers(self): + fused_layers = [] + for name, module in self.flow.named_modules(): + if isinstance(module, LoRALinear): + fused_layers.append((name, module.fuse())) + self.flow.update_modules(tree_unflatten(fused_layers)) diff --git a/flux/flux/layers.py b/flux/flux/layers.py new file mode 100644 index 00000000..045f1e38 --- /dev/null +++ b/flux/flux/layers.py @@ -0,0 +1,321 @@ +# Copyright © 2024 Apple Inc. + +import math +from dataclasses import dataclass +from functools import partial +from typing import List, Optional, Tuple + +import mlx.core as mx +import mlx.nn as nn + + +def _rope(pos: mx.array, dim: int, theta: float): + scale = mx.arange(0, dim, 2, dtype=mx.float32) / dim + omega = 1.0 / (theta**scale) + x = pos[..., None] * omega + cosx = mx.cos(x) + sinx = mx.sin(x) + pe = mx.stack([cosx, -sinx, sinx, cosx], axis=-1) + pe = pe.reshape(*pe.shape[:-1], 2, 2) + + return pe + + +@partial(mx.compile, shapeless=True) +def _ab_plus_cd(a, b, c, d): + return a * b + c * d + + +def _apply_rope(x, pe): + s = x.shape + x = x.reshape(*s[:-1], -1, 1, 2) + x = _ab_plus_cd(x[..., 0], pe[..., 0], x[..., 1], pe[..., 1]) + return x.reshape(s) + + +def _attention(q: mx.array, k: mx.array, v: mx.array, pe: mx.array): + B, H, L, D = q.shape + + q = _apply_rope(q, pe) + k = _apply_rope(k, pe) + x = mx.fast.scaled_dot_product_attention(q, k, v, scale=D ** (-0.5)) + + return x.transpose(0, 2, 1, 3).reshape(B, L, -1) + + +def timestep_embedding( + t: mx.array, dim: int, max_period: int = 10000, time_factor: float = 1000.0 +): + half = dim // 2 + freqs = mx.arange(0, half, dtype=mx.float32) / half + freqs = freqs * (-math.log(max_period)) + freqs = mx.exp(freqs) + + x = (time_factor * t)[:, None] * freqs[None] + x = mx.concatenate([mx.cos(x), mx.sin(x)], axis=-1) + + return x.astype(t.dtype) + + +class EmbedND(nn.Module): + def __init__(self, dim: int, theta: int, axes_dim: List[int]): + super().__init__() + + self.dim = dim + self.theta = theta + self.axes_dim = axes_dim + + def __call__(self, ids: mx.array): + n_axes = ids.shape[-1] + pe = mx.concatenate( + [_rope(ids[..., i], self.axes_dim[i], self.theta) for i in range(n_axes)], + axis=-3, + ) + + return pe[:, None] + + +class MLPEmbedder(nn.Module): + def __init__(self, in_dim: int, hidden_dim: int): + super().__init__() + self.in_layer = nn.Linear(in_dim, hidden_dim, bias=True) + self.out_layer = nn.Linear(hidden_dim, hidden_dim, bias=True) + + def __call__(self, x: mx.array) -> mx.array: + return self.out_layer(nn.silu(self.in_layer(x))) + + +class QKNorm(nn.Module): + def __init__(self, dim: int): + super().__init__() + self.query_norm = nn.RMSNorm(dim) + self.key_norm = nn.RMSNorm(dim) + + def __call__(self, q: mx.array, k: mx.array) -> tuple[mx.array, mx.array]: + return self.query_norm(q), self.key_norm(k) + + +class SelfAttention(nn.Module): + def __init__(self, dim: int, num_heads: int = 8, qkv_bias: bool = False): + super().__init__() + self.num_heads = num_heads + head_dim = dim // num_heads + + self.qkv = nn.Linear(dim, dim * 3, bias=qkv_bias) + self.norm = QKNorm(head_dim) + self.proj = nn.Linear(dim, dim) + + def __call__(self, x: mx.array, pe: mx.array) -> mx.array: + H = self.num_heads + B, L, _ = x.shape + qkv = self.qkv(x) + q, k, v = mx.split(qkv, 3, axis=-1) + q = q.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + k = k.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + v = v.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + q, k = self.norm(q, k) + x = _attention(q, k, v, pe) + x = self.proj(x) + return x + + +@dataclass +class ModulationOut: + shift: mx.array + scale: mx.array + gate: mx.array + + +class Modulation(nn.Module): + def __init__(self, dim: int, double: bool): + super().__init__() + self.is_double = double + self.multiplier = 6 if double else 3 + self.lin = nn.Linear(dim, self.multiplier * dim, bias=True) + + def __call__(self, x: mx.array) -> Tuple[ModulationOut, Optional[ModulationOut]]: + x = self.lin(nn.silu(x)) + xs = mx.split(x[:, None, :], self.multiplier, axis=-1) + + mod1 = ModulationOut(*xs[:3]) + mod2 = ModulationOut(*xs[3:]) if self.is_double else None + + return mod1, mod2 + + +class DoubleStreamBlock(nn.Module): + def __init__( + self, hidden_size: int, num_heads: int, mlp_ratio: float, qkv_bias: bool = False + ): + super().__init__() + + mlp_hidden_dim = int(hidden_size * mlp_ratio) + self.num_heads = num_heads + self.hidden_size = hidden_size + self.img_mod = Modulation(hidden_size, double=True) + self.img_norm1 = nn.LayerNorm(hidden_size, affine=False, eps=1e-6) + self.img_attn = SelfAttention( + dim=hidden_size, num_heads=num_heads, qkv_bias=qkv_bias + ) + + self.img_norm2 = nn.LayerNorm(hidden_size, affine=False, eps=1e-6) + self.img_mlp = nn.Sequential( + nn.Linear(hidden_size, mlp_hidden_dim, bias=True), + nn.GELU(approx="tanh"), + nn.Linear(mlp_hidden_dim, hidden_size, bias=True), + ) + + self.txt_mod = Modulation(hidden_size, double=True) + self.txt_norm1 = nn.LayerNorm(hidden_size, affine=False, eps=1e-6) + self.txt_attn = SelfAttention( + dim=hidden_size, num_heads=num_heads, qkv_bias=qkv_bias + ) + + self.txt_norm2 = nn.LayerNorm(hidden_size, affine=False, eps=1e-6) + self.txt_mlp = nn.Sequential( + nn.Linear(hidden_size, mlp_hidden_dim, bias=True), + nn.GELU(approx="tanh"), + nn.Linear(mlp_hidden_dim, hidden_size, bias=True), + ) + + self.sharding_group = None + + def __call__( + self, img: mx.array, txt: mx.array, vec: mx.array, pe: mx.array + ) -> Tuple[mx.array, mx.array]: + B, L, _ = img.shape + _, S, _ = txt.shape + H = self.num_heads + + img_mod1, img_mod2 = self.img_mod(vec) + txt_mod1, txt_mod2 = self.txt_mod(vec) + + # prepare image for attention + img_modulated = self.img_norm1(img) + img_modulated = (1 + img_mod1.scale) * img_modulated + img_mod1.shift + img_qkv = self.img_attn.qkv(img_modulated) + img_q, img_k, img_v = mx.split(img_qkv, 3, axis=-1) + img_q = img_q.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + img_k = img_k.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + img_v = img_v.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + img_q, img_k = self.img_attn.norm(img_q, img_k) + + # prepare txt for attention + txt_modulated = self.txt_norm1(txt) + txt_modulated = (1 + txt_mod1.scale) * txt_modulated + txt_mod1.shift + txt_qkv = self.txt_attn.qkv(txt_modulated) + txt_q, txt_k, txt_v = mx.split(txt_qkv, 3, axis=-1) + txt_q = txt_q.reshape(B, S, H, -1).transpose(0, 2, 1, 3) + txt_k = txt_k.reshape(B, S, H, -1).transpose(0, 2, 1, 3) + txt_v = txt_v.reshape(B, S, H, -1).transpose(0, 2, 1, 3) + txt_q, txt_k = self.txt_attn.norm(txt_q, txt_k) + + # run actual attention + q = mx.concatenate([txt_q, img_q], axis=2) + k = mx.concatenate([txt_k, img_k], axis=2) + v = mx.concatenate([txt_v, img_v], axis=2) + + attn = _attention(q, k, v, pe) + txt_attn, img_attn = mx.split(attn, [S], axis=1) + + # Project - cat - average - split + txt_attn = self.txt_attn.proj(txt_attn) + img_attn = self.img_attn.proj(img_attn) + if self.sharding_group is not None: + attn = mx.concatenate([txt_attn, img_attn], axis=1) + attn = mx.distributed.all_sum(attn, group=self.sharding_group) + txt_attn, img_attn = mx.split(attn, [S], axis=1) + + # calculate the img bloks + img = img + img_mod1.gate * img_attn + img_mlp = self.img_mlp( + (1 + img_mod2.scale) * self.img_norm2(img) + img_mod2.shift + ) + + # calculate the txt bloks + txt = txt + txt_mod1.gate * txt_attn + txt_mlp = self.txt_mlp( + (1 + txt_mod2.scale) * self.txt_norm2(txt) + txt_mod2.shift + ) + + if self.sharding_group is not None: + txt_img = mx.concatenate([txt_mlp, img_mlp], axis=1) + txt_img = mx.distributed.all_sum(txt_img, group=self.sharding_group) + txt_mlp, img_mlp = mx.split(txt_img, [S], axis=1) + + # finalize the img/txt blocks + img = img + img_mod2.gate * img_mlp + txt = txt + txt_mod2.gate * txt_mlp + + return img, txt + + +class SingleStreamBlock(nn.Module): + def __init__( + self, + hidden_size: int, + num_heads: int, + mlp_ratio: float = 4.0, + qk_scale: Optional[float] = None, + ): + super().__init__() + self.hidden_dim = hidden_size + self.num_heads = num_heads + head_dim = hidden_size // num_heads + self.scale = qk_scale or head_dim**-0.5 + + self.mlp_hidden_dim = int(hidden_size * mlp_ratio) + # qkv and mlp_in + self.linear1 = nn.Linear(hidden_size, hidden_size * 3 + self.mlp_hidden_dim) + # proj and mlp_out + self.linear2 = nn.Linear(hidden_size + self.mlp_hidden_dim, hidden_size) + + self.norm = QKNorm(head_dim) + + self.hidden_size = hidden_size + self.pre_norm = nn.LayerNorm(hidden_size, affine=False, eps=1e-6) + + self.mlp_act = nn.GELU(approx="tanh") + self.modulation = Modulation(hidden_size, double=False) + + def __call__(self, x: mx.array, vec: mx.array, pe: mx.array): + B, L, _ = x.shape + H = self.num_heads + + mod, _ = self.modulation(vec) + x_mod = (1 + mod.scale) * self.pre_norm(x) + mod.shift + + q, k, v, mlp = mx.split( + self.linear1(x_mod), + [self.hidden_size, 2 * self.hidden_size, 3 * self.hidden_size], + axis=-1, + ) + q = q.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + k = k.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + v = v.reshape(B, L, H, -1).transpose(0, 2, 1, 3) + q, k = self.norm(q, k) + + # compute attention + y = _attention(q, k, v, pe) + + # compute activation in mlp stream, cat again and run second linear layer + y = self.linear2(mx.concatenate([y, self.mlp_act(mlp)], axis=2)) + return x + mod.gate * y + + +class LastLayer(nn.Module): + def __init__(self, hidden_size: int, patch_size: int, out_channels: int): + super().__init__() + self.norm_final = nn.LayerNorm(hidden_size, affine=False, eps=1e-6) + self.linear = nn.Linear( + hidden_size, patch_size * patch_size * out_channels, bias=True + ) + self.adaLN_modulation = nn.Sequential( + nn.SiLU(), nn.Linear(hidden_size, 2 * hidden_size, bias=True) + ) + + def __call__(self, x: mx.array, vec: mx.array): + shift, scale = mx.split(self.adaLN_modulation(vec), 2, axis=1) + x = (1 + scale[:, None, :]) * self.norm_final(x) + shift[:, None, :] + x = self.linear(x) + return x diff --git a/llms/mlx_lm/tuner/dora.py b/flux/flux/lora.py similarity index 52% rename from llms/mlx_lm/tuner/dora.py rename to flux/flux/lora.py index de10556b..b0c8ae56 100644 --- a/llms/mlx_lm/tuner/dora.py +++ b/flux/flux/lora.py @@ -6,47 +6,40 @@ import mlx.core as mx import mlx.nn as nn -class DoRALinear(nn.Module): +class LoRALinear(nn.Module): @staticmethod - def from_linear( + def from_base( linear: nn.Linear, r: int = 8, dropout: float = 0.0, - scale: float = 20.0, + scale: float = 1.0, ): - # TODO support quantized weights in DoRALinear output_dims, input_dims = linear.weight.shape - if isinstance(linear, nn.QuantizedLinear): - raise ValueError("DoRALinear does not yet support quantization.") - dora_lin = DoRALinear( + lora_lin = LoRALinear( input_dims=input_dims, output_dims=output_dims, r=r, dropout=dropout, scale=scale, ) - dora_lin.linear = linear - return dora_lin + lora_lin.linear = linear + return lora_lin - def to_linear(self, de_quantize: bool = False): + def fuse(self): linear = self.linear bias = "bias" in linear weight = linear.weight - - # Use the same type as the linear weight if not quantized dtype = weight.dtype output_dims, input_dims = weight.shape fused_linear = nn.Linear(input_dims, output_dims, bias=bias) - lora_b = (self.scale * self.lora_b.T).astype(dtype) - lora_a = self.lora_a.T.astype(dtype) - weight = weight + lora_b @ lora_a - norm_scale = self.m / mx.linalg.norm(weight, axis=1) - fused_linear.weight = norm_scale[:, None] * weight - + lora_b = self.scale * self.lora_b.T + lora_a = self.lora_a.T + fused_linear.weight = weight + (lora_b @ lora_a).astype(dtype) if bias: fused_linear.bias = linear.bias + return fused_linear def __init__( @@ -55,13 +48,14 @@ class DoRALinear(nn.Module): output_dims: int, r: int = 8, dropout: float = 0.0, - scale: float = 20.0, + scale: float = 1.0, bias: bool = False, ): super().__init__() # Regular linear layer weights self.linear = nn.Linear(input_dims, output_dims, bias=bias) + self.dropout = nn.Dropout(p=dropout) # Scale for low-rank update @@ -75,21 +69,8 @@ class DoRALinear(nn.Module): shape=(input_dims, r), ) self.lora_b = mx.zeros(shape=(r, output_dims)) - self.m = mx.linalg.norm(self.linear.weight, axis=1) def __call__(self, x): - # Regular LoRA (without a bias) - y = x @ self.linear.weight.T + y = self.linear(x) z = (self.dropout(x) @ self.lora_a) @ self.lora_b - out = y + (self.scale * z).astype(x.dtype) - - # Compute the norm of the adapted weights - adapted = self.linear.weight + (self.scale * self.lora_b.T) @ self.lora_a.T - denom = mx.stop_gradient(mx.linalg.norm(adapted, axis=1)) - - # Remove the norm and scale by the learned magnitude - out = (self.m / denom) * out - - if "bias" in self.linear: - out = out + self.linear.bias - return out + return y + (self.scale * z).astype(x.dtype) diff --git a/flux/flux/model.py b/flux/flux/model.py new file mode 100644 index 00000000..c524edf3 --- /dev/null +++ b/flux/flux/model.py @@ -0,0 +1,178 @@ +# Copyright © 2024 Apple Inc. + +from dataclasses import dataclass +from typing import Optional + +import mlx.core as mx +import mlx.nn as nn +from mlx.nn.layers.distributed import shard_inplace, shard_linear + +from .layers import ( + DoubleStreamBlock, + EmbedND, + LastLayer, + MLPEmbedder, + SingleStreamBlock, + timestep_embedding, +) + + +@dataclass +class FluxParams: + in_channels: int + vec_in_dim: int + context_in_dim: int + hidden_size: int + mlp_ratio: float + num_heads: int + depth: int + depth_single_blocks: int + axes_dim: list[int] + theta: int + qkv_bias: bool + guidance_embed: bool + + +class Flux(nn.Module): + def __init__(self, params: FluxParams): + super().__init__() + + self.params = params + self.in_channels = params.in_channels + self.out_channels = self.in_channels + if params.hidden_size % params.num_heads != 0: + raise ValueError( + f"Hidden size {params.hidden_size} must be divisible by num_heads {params.num_heads}" + ) + pe_dim = params.hidden_size // params.num_heads + if sum(params.axes_dim) != pe_dim: + raise ValueError( + f"Got {params.axes_dim} but expected positional dim {pe_dim}" + ) + self.hidden_size = params.hidden_size + self.num_heads = params.num_heads + self.pe_embedder = EmbedND( + dim=pe_dim, theta=params.theta, axes_dim=params.axes_dim + ) + self.img_in = nn.Linear(self.in_channels, self.hidden_size, bias=True) + self.time_in = MLPEmbedder(in_dim=256, hidden_dim=self.hidden_size) + self.vector_in = MLPEmbedder(params.vec_in_dim, self.hidden_size) + self.guidance_in = ( + MLPEmbedder(in_dim=256, hidden_dim=self.hidden_size) + if params.guidance_embed + else nn.Identity() + ) + self.txt_in = nn.Linear(params.context_in_dim, self.hidden_size) + + self.double_blocks = [ + DoubleStreamBlock( + self.hidden_size, + self.num_heads, + mlp_ratio=params.mlp_ratio, + qkv_bias=params.qkv_bias, + ) + for _ in range(params.depth) + ] + + self.single_blocks = [ + SingleStreamBlock( + self.hidden_size, self.num_heads, mlp_ratio=params.mlp_ratio + ) + for _ in range(params.depth_single_blocks) + ] + + self.final_layer = LastLayer(self.hidden_size, 1, self.out_channels) + + def sanitize(self, weights): + new_weights = {} + for k, w in weights.items(): + if k.startswith("model.diffusion_model."): + k = k[22:] + if k.endswith(".scale"): + k = k[:-6] + ".weight" + for seq in ["img_mlp", "txt_mlp", "adaLN_modulation"]: + if f".{seq}." in k: + k = k.replace(f".{seq}.", f".{seq}.layers.") + break + new_weights[k] = w + return new_weights + + def shard(self, group: Optional[mx.distributed.Group] = None): + group = group or mx.distributed.init() + N = group.size() + if N == 1: + return + + for block in self.double_blocks: + block.num_heads //= N + block.img_attn.num_heads //= N + block.txt_attn.num_heads //= N + block.sharding_group = group + block.img_attn.qkv = shard_linear( + block.img_attn.qkv, "all-to-sharded", segments=3, group=group + ) + block.txt_attn.qkv = shard_linear( + block.txt_attn.qkv, "all-to-sharded", segments=3, group=group + ) + shard_inplace(block.img_attn.proj, "sharded-to-all", group=group) + shard_inplace(block.txt_attn.proj, "sharded-to-all", group=group) + block.img_mlp.layers[0] = shard_linear( + block.img_mlp.layers[0], "all-to-sharded", group=group + ) + block.txt_mlp.layers[0] = shard_linear( + block.txt_mlp.layers[0], "all-to-sharded", group=group + ) + shard_inplace(block.img_mlp.layers[2], "sharded-to-all", group=group) + shard_inplace(block.txt_mlp.layers[2], "sharded-to-all", group=group) + + for block in self.single_blocks: + block.num_heads //= N + block.hidden_size //= N + block.linear1 = shard_linear( + block.linear1, + "all-to-sharded", + segments=[1 / 7, 2 / 7, 3 / 7], + group=group, + ) + block.linear2 = shard_linear( + block.linear2, "sharded-to-all", segments=[1 / 5], group=group + ) + + def __call__( + self, + img: mx.array, + img_ids: mx.array, + txt: mx.array, + txt_ids: mx.array, + timesteps: mx.array, + y: mx.array, + guidance: Optional[mx.array] = None, + ) -> mx.array: + if img.ndim != 3 or txt.ndim != 3: + raise ValueError("Input img and txt tensors must have 3 dimensions.") + + img = self.img_in(img) + vec = self.time_in(timestep_embedding(timesteps, 256)) + if self.params.guidance_embed: + if guidance is None: + raise ValueError( + "Didn't get guidance strength for guidance distilled model." + ) + vec = vec + self.guidance_in(timestep_embedding(guidance, 256)) + vec = vec + self.vector_in(y) + txt = self.txt_in(txt) + + ids = mx.concatenate([txt_ids, img_ids], axis=1) + pe = self.pe_embedder(ids).astype(img.dtype) + + for block in self.double_blocks: + img, txt = block(img=img, txt=txt, vec=vec, pe=pe) + + img = mx.concatenate([txt, img], axis=1) + for block in self.single_blocks: + img = block(img, vec=vec, pe=pe) + img = img[:, txt.shape[1] :, ...] + + img = self.final_layer(img, vec) + + return img diff --git a/flux/flux/sampler.py b/flux/flux/sampler.py new file mode 100644 index 00000000..6f293edc --- /dev/null +++ b/flux/flux/sampler.py @@ -0,0 +1,57 @@ +# Copyright © 2024 Apple Inc. + +import math +from functools import lru_cache + +import mlx.core as mx + + +class FluxSampler: + def __init__(self, name: str, base_shift: float = 0.5, max_shift: float = 1.15): + self._base_shift = base_shift + self._max_shift = max_shift + self._schnell = "schnell" in name + + def _time_shift(self, x, t): + x1, x2 = 256, 4096 + t1, t2 = self._base_shift, self._max_shift + exp_mu = math.exp((x - x1) * (t2 - t1) / (x2 - x1) + t1) + t = exp_mu / (exp_mu + (1 / t - 1)) + return t + + @lru_cache + def timesteps( + self, num_steps, image_sequence_length, start: float = 1, stop: float = 0 + ): + t = mx.linspace(start, stop, num_steps + 1) + + if not self._schnell: + t = self._time_shift(image_sequence_length, t) + + return t.tolist() + + def random_timesteps(self, B, L, dtype=mx.float32, key=None): + if self._schnell: + # TODO: Should we upweigh 1 and 0.75? + t = mx.random.randint(1, 5, shape=(B,), key=key) + t = t.astype(dtype) / 4 + else: + t = mx.random.uniform(shape=(B,), dtype=dtype, key=key) + t = self._time_shift(L, t) + + return t + + def sample_prior(self, shape, dtype=mx.float32, key=None): + return mx.random.normal(shape, dtype=dtype, key=key) + + def add_noise(self, x, t, noise=None, key=None): + noise = ( + noise + if noise is not None + else mx.random.normal(x.shape, dtype=x.dtype, key=key) + ) + t = t.reshape([-1] + [1] * (x.ndim - 1)) + return x * (1 - t) + t * noise + + def step(self, pred, x_t, t, t_prev): + return x_t + (t_prev - t) * pred diff --git a/flux/flux/t5.py b/flux/flux/t5.py new file mode 100644 index 00000000..cf0515cd --- /dev/null +++ b/flux/flux/t5.py @@ -0,0 +1,244 @@ +# Copyright © 2024 Apple Inc. + +import math +from dataclasses import dataclass +from typing import List, Optional, Tuple + +import mlx.core as mx +import mlx.nn as nn + +_SHARED_REPLACEMENT_PATTERNS = [ + (".block.", ".layers."), + (".k.", ".key_proj."), + (".o.", ".out_proj."), + (".q.", ".query_proj."), + (".v.", ".value_proj."), + ("shared.", "wte."), + ("lm_head.", "lm_head.linear."), + (".layer.0.layer_norm.", ".ln1."), + (".layer.1.layer_norm.", ".ln2."), + (".layer.2.layer_norm.", ".ln3."), + (".final_layer_norm.", ".ln."), + ( + "layers.0.layer.0.SelfAttention.relative_attention_bias.", + "relative_attention_bias.embeddings.", + ), +] + +_ENCODER_REPLACEMENT_PATTERNS = [ + (".layer.0.SelfAttention.", ".attention."), + (".layer.1.DenseReluDense.", ".dense."), +] + + +@dataclass +class T5Config: + vocab_size: int + num_layers: int + num_heads: int + relative_attention_num_buckets: int + d_kv: int + d_model: int + feed_forward_proj: str + tie_word_embeddings: bool + + d_ff: Optional[int] = None + num_decoder_layers: Optional[int] = None + relative_attention_max_distance: int = 128 + layer_norm_epsilon: float = 1e-6 + + @classmethod + def from_dict(cls, config): + return cls( + vocab_size=config["vocab_size"], + num_layers=config["num_layers"], + num_heads=config["num_heads"], + relative_attention_num_buckets=config["relative_attention_num_buckets"], + d_kv=config["d_kv"], + d_model=config["d_model"], + feed_forward_proj=config["feed_forward_proj"], + tie_word_embeddings=config["tie_word_embeddings"], + d_ff=config.get("d_ff", 4 * config["d_model"]), + num_decoder_layers=config.get("num_decoder_layers", config["num_layers"]), + relative_attention_max_distance=config.get( + "relative_attention_max_distance", 128 + ), + layer_norm_epsilon=config.get("layer_norm_epsilon", 1e-6), + ) + + +class RelativePositionBias(nn.Module): + def __init__(self, config: T5Config, bidirectional: bool): + self.bidirectional = bidirectional + self.num_buckets = config.relative_attention_num_buckets + self.max_distance = config.relative_attention_max_distance + self.n_heads = config.num_heads + self.embeddings = nn.Embedding(self.num_buckets, self.n_heads) + + @staticmethod + def _relative_position_bucket(rpos, bidirectional, num_buckets, max_distance): + num_buckets = num_buckets // 2 if bidirectional else num_buckets + max_exact = num_buckets // 2 + + abspos = rpos.abs() + is_small = abspos < max_exact + + scale = (num_buckets - max_exact) / math.log(max_distance / max_exact) + buckets_large = (mx.log(abspos / max_exact) * scale).astype(mx.int16) + buckets_large = mx.minimum(max_exact + buckets_large, num_buckets - 1) + + buckets = mx.where(is_small, abspos, buckets_large) + if bidirectional: + buckets = buckets + (rpos > 0) * num_buckets + else: + buckets = buckets * (rpos < 0) + + return buckets + + def __call__(self, query_length: int, key_length: int, offset: int = 0): + """Compute binned relative position bias""" + context_position = mx.arange(offset, query_length)[:, None] + memory_position = mx.arange(key_length)[None, :] + + # shape (query_length, key_length) + relative_position = memory_position - context_position + relative_position_bucket = self._relative_position_bucket( + relative_position, + bidirectional=self.bidirectional, + num_buckets=self.num_buckets, + max_distance=self.max_distance, + ) + + # shape (query_length, key_length, num_heads) + values = self.embeddings(relative_position_bucket) + + # shape (num_heads, query_length, key_length) + return values.transpose(2, 0, 1) + + +class MultiHeadAttention(nn.Module): + def __init__(self, config: T5Config): + super().__init__() + inner_dim = config.d_kv * config.num_heads + self.num_heads = config.num_heads + self.query_proj = nn.Linear(config.d_model, inner_dim, bias=False) + self.key_proj = nn.Linear(config.d_model, inner_dim, bias=False) + self.value_proj = nn.Linear(config.d_model, inner_dim, bias=False) + self.out_proj = nn.Linear(inner_dim, config.d_model, bias=False) + + def __call__( + self, + queries: mx.array, + keys: mx.array, + values: mx.array, + mask: Optional[mx.array], + cache: Optional[Tuple[mx.array, mx.array]] = None, + ) -> [mx.array, Tuple[mx.array, mx.array]]: + queries = self.query_proj(queries) + keys = self.key_proj(keys) + values = self.value_proj(values) + + num_heads = self.num_heads + B, L, _ = queries.shape + _, S, _ = keys.shape + queries = queries.reshape(B, L, num_heads, -1).transpose(0, 2, 1, 3) + keys = keys.reshape(B, S, num_heads, -1).transpose(0, 2, 1, 3) + values = values.reshape(B, S, num_heads, -1).transpose(0, 2, 1, 3) + + if cache is not None: + key_cache, value_cache = cache + keys = mx.concatenate([key_cache, keys], axis=3) + values = mx.concatenate([value_cache, values], axis=2) + + values_hat = mx.fast.scaled_dot_product_attention( + queries, keys, values, scale=1.0, mask=mask.astype(queries.dtype) + ) + values_hat = values_hat.transpose(0, 2, 1, 3).reshape(B, L, -1) + + return self.out_proj(values_hat), (keys, values) + + +class DenseActivation(nn.Module): + def __init__(self, config: T5Config): + super().__init__() + mlp_dims = config.d_ff or config.d_model * 4 + self.gated = config.feed_forward_proj.startswith("gated") + if self.gated: + self.wi_0 = nn.Linear(config.d_model, mlp_dims, bias=False) + self.wi_1 = nn.Linear(config.d_model, mlp_dims, bias=False) + else: + self.wi = nn.Linear(config.d_model, mlp_dims, bias=False) + self.wo = nn.Linear(mlp_dims, config.d_model, bias=False) + activation = config.feed_forward_proj.removeprefix("gated-") + if activation == "relu": + self.act = nn.relu + elif activation == "gelu": + self.act = nn.gelu + elif activation == "silu": + self.act = nn.silu + else: + raise ValueError(f"Unknown activation: {activation}") + + def __call__(self, x): + if self.gated: + hidden_act = self.act(self.wi_0(x)) + hidden_linear = self.wi_1(x) + x = hidden_act * hidden_linear + else: + x = self.act(self.wi(x)) + return self.wo(x) + + +class TransformerEncoderLayer(nn.Module): + def __init__(self, config: T5Config): + super().__init__() + self.attention = MultiHeadAttention(config) + self.ln1 = nn.RMSNorm(config.d_model, eps=config.layer_norm_epsilon) + self.ln2 = nn.RMSNorm(config.d_model, eps=config.layer_norm_epsilon) + self.dense = DenseActivation(config) + + def __call__(self, x, mask): + y = self.ln1(x) + y, _ = self.attention(y, y, y, mask=mask) + x = x + y + + y = self.ln2(x) + y = self.dense(y) + return x + y + + +class TransformerEncoder(nn.Module): + def __init__(self, config: T5Config): + super().__init__() + self.layers = [ + TransformerEncoderLayer(config) for i in range(config.num_layers) + ] + self.ln = nn.RMSNorm(config.d_model, eps=config.layer_norm_epsilon) + self.relative_attention_bias = RelativePositionBias(config, bidirectional=True) + + def __call__(self, x: mx.array): + pos_bias = self.relative_attention_bias(x.shape[1], x.shape[1]) + pos_bias = pos_bias.astype(x.dtype) + for layer in self.layers: + x = layer(x, mask=pos_bias) + return self.ln(x) + + +class T5Encoder(nn.Module): + def __init__(self, config: T5Config): + self.wte = nn.Embedding(config.vocab_size, config.d_model) + self.encoder = TransformerEncoder(config) + + def sanitize(self, weights): + new_weights = {} + for k, w in weights.items(): + for old, new in _SHARED_REPLACEMENT_PATTERNS: + k = k.replace(old, new) + if k.startswith("encoder."): + for old, new in _ENCODER_REPLACEMENT_PATTERNS: + k = k.replace(old, new) + new_weights[k] = w + return new_weights + + def __call__(self, inputs: mx.array): + return self.encoder(self.wte(inputs)) diff --git a/flux/flux/tokenizers.py b/flux/flux/tokenizers.py new file mode 100644 index 00000000..796ef389 --- /dev/null +++ b/flux/flux/tokenizers.py @@ -0,0 +1,185 @@ +# Copyright © 2024 Apple Inc. + +import mlx.core as mx +import regex +from sentencepiece import SentencePieceProcessor + + +class CLIPTokenizer: + """A simple port of CLIPTokenizer from https://github.com/huggingface/transformers/ .""" + + def __init__(self, bpe_ranks, vocab, max_length=77): + self.max_length = max_length + self.bpe_ranks = bpe_ranks + self.vocab = vocab + self.pat = regex.compile( + r"""<\|startoftext\|>|<\|endoftext\|>|'s|'t|'re|'ve|'m|'ll|'d|[\p{L}]+|[\p{N}]|[^\s\p{L}\p{N}]+""", + regex.IGNORECASE, + ) + + self._cache = {self.bos: self.bos, self.eos: self.eos} + + @property + def bos(self): + return "<|startoftext|>" + + @property + def bos_token(self): + return self.vocab[self.bos] + + @property + def eos(self): + return "<|endoftext|>" + + @property + def eos_token(self): + return self.vocab[self.eos] + + def bpe(self, text): + if text in self._cache: + return self._cache[text] + + unigrams = list(text[:-1]) + [text[-1] + ""] + unique_bigrams = set(zip(unigrams, unigrams[1:])) + + if not unique_bigrams: + return unigrams + + # In every iteration try to merge the two most likely bigrams. If none + # was merged we are done. + # + # Ported from https://github.com/huggingface/transformers/blob/main/src/transformers/models/clip/tokenization_clip.py + while unique_bigrams: + bigram = min( + unique_bigrams, key=lambda pair: self.bpe_ranks.get(pair, float("inf")) + ) + if bigram not in self.bpe_ranks: + break + + new_unigrams = [] + skip = False + for a, b in zip(unigrams, unigrams[1:]): + if skip: + skip = False + continue + + if (a, b) == bigram: + new_unigrams.append(a + b) + skip = True + + else: + new_unigrams.append(a) + + if not skip: + new_unigrams.append(b) + + unigrams = new_unigrams + unique_bigrams = set(zip(unigrams, unigrams[1:])) + + self._cache[text] = unigrams + + return unigrams + + def tokenize(self, text, prepend_bos=True, append_eos=True): + if isinstance(text, list): + return [self.tokenize(t, prepend_bos, append_eos) for t in text] + + # Lower case cleanup and split according to self.pat. Hugging Face does + # a much more thorough job here but this should suffice for 95% of + # cases. + clean_text = regex.sub(r"\s+", " ", text.lower()) + tokens = regex.findall(self.pat, clean_text) + + # Split the tokens according to the byte-pair merge file + bpe_tokens = [ti for t in tokens for ti in self.bpe(t)] + + # Map to token ids and return + tokens = [self.vocab[t] for t in bpe_tokens] + if prepend_bos: + tokens = [self.bos_token] + tokens + if append_eos: + tokens.append(self.eos_token) + + if len(tokens) > self.max_length: + tokens = tokens[: self.max_length] + if append_eos: + tokens[-1] = self.eos_token + + return tokens + + def encode(self, text): + if not isinstance(text, list): + return self.encode([text]) + + tokens = self.tokenize(text) + length = max(len(t) for t in tokens) + for t in tokens: + t.extend([self.eos_token] * (length - len(t))) + + return mx.array(tokens) + + +class T5Tokenizer: + def __init__(self, model_file, max_length=512): + self._tokenizer = SentencePieceProcessor(model_file) + self.max_length = max_length + + @property + def pad(self): + try: + return self._tokenizer.id_to_piece(self.pad_token) + except IndexError: + return None + + @property + def pad_token(self): + return self._tokenizer.pad_id() + + @property + def bos(self): + try: + return self._tokenizer.id_to_piece(self.bos_token) + except IndexError: + return None + + @property + def bos_token(self): + return self._tokenizer.bos_id() + + @property + def eos(self): + try: + return self._tokenizer.id_to_piece(self.eos_token) + except IndexError: + return None + + @property + def eos_token(self): + return self._tokenizer.eos_id() + + def tokenize(self, text, prepend_bos=True, append_eos=True, pad=True): + if isinstance(text, list): + return [self.tokenize(t, prepend_bos, append_eos, pad) for t in text] + + tokens = self._tokenizer.encode(text) + + if prepend_bos and self.bos_token >= 0: + tokens = [self.bos_token] + tokens + if append_eos and self.eos_token >= 0: + tokens.append(self.eos_token) + if pad and len(tokens) < self.max_length and self.pad_token >= 0: + tokens += [self.pad_token] * (self.max_length - len(tokens)) + + return tokens + + def encode(self, text, pad=True): + if not isinstance(text, list): + return self.encode([text], pad=pad) + + pad_token = self.pad_token if self.pad_token >= 0 else 0 + tokens = self.tokenize(text, pad=pad) + length = max(len(t) for t in tokens) + for t in tokens: + t.extend([pad_token] * (length - len(t))) + + return mx.array(tokens) diff --git a/flux/flux/trainer.py b/flux/flux/trainer.py new file mode 100644 index 00000000..40a126e8 --- /dev/null +++ b/flux/flux/trainer.py @@ -0,0 +1,98 @@ +import mlx.core as mx +import numpy as np +from PIL import Image, ImageFile +from tqdm import tqdm + +from .datasets import Dataset +from .flux import FluxPipeline + + +class Trainer: + + def __init__(self, flux: FluxPipeline, dataset: Dataset, args): + self.flux = flux + self.dataset = dataset + self.args = args + self.latents = [] + self.t5_features = [] + self.clip_features = [] + + def _random_crop_resize(self, img): + resolution = self.args.resolution + width, height = img.size + + a, b, c, d = mx.random.uniform(shape=(4,), stream=mx.cpu).tolist() + + # Random crop the input image between 0.8 to 1.0 of its original dimensions + crop_size = ( + max((0.8 + 0.2 * a) * width, resolution[0]), + max((0.8 + 0.2 * b) * height, resolution[1]), + ) + pan = (width - crop_size[0], height - crop_size[1]) + img = img.crop( + ( + pan[0] * c, + pan[1] * d, + crop_size[0] + pan[0] * c, + crop_size[1] + pan[1] * d, + ) + ) + + # Fit the largest rectangle with the ratio of resolution in the image + # rectangle. + width, height = crop_size + ratio = resolution[0] / resolution[1] + r1 = (height * ratio, height) + r2 = (width, width / ratio) + r = r1 if r1[0] <= width else r2 + img = img.crop( + ( + (width - r[0]) / 2, + (height - r[1]) / 2, + (width + r[0]) / 2, + (height + r[1]) / 2, + ) + ) + + # Finally resize the image to resolution + img = img.resize(resolution, Image.LANCZOS) + + return mx.array(np.array(img)) + + def _encode_image(self, input_img: ImageFile.ImageFile, num_augmentations: int): + for i in range(num_augmentations): + img = self._random_crop_resize(input_img) + img = (img[:, :, :3].astype(self.flux.dtype) / 255) * 2 - 1 + x_0 = self.flux.ae.encode(img[None]) + x_0 = x_0.astype(self.flux.dtype) + mx.eval(x_0) + self.latents.append(x_0) + + def _encode_prompt(self, prompt): + t5_tok, clip_tok = self.flux.tokenize([prompt]) + t5_feat = self.flux.t5(t5_tok) + clip_feat = self.flux.clip(clip_tok).pooled_output + mx.eval(t5_feat, clip_feat) + self.t5_features.append(t5_feat) + self.clip_features.append(clip_feat) + + def encode_dataset(self): + """Encode the images & prompt in the latent space to prepare for training.""" + self.flux.ae.eval() + for image, prompt in tqdm(self.dataset, desc="encode dataset"): + self._encode_image(image, self.args.num_augmentations) + self._encode_prompt(prompt) + + def iterate(self, batch_size): + xs = mx.concatenate(self.latents) + t5 = mx.concatenate(self.t5_features) + clip = mx.concatenate(self.clip_features) + mx.eval(xs, t5, clip) + n_aug = self.args.num_augmentations + while True: + x_indices = mx.random.permutation(len(self.latents)) + c_indices = x_indices // n_aug + for i in range(0, len(self.latents), batch_size): + x_i = x_indices[i : i + batch_size] + c_i = c_indices[i : i + batch_size] + yield xs[x_i], t5[c_i], clip[c_i] diff --git a/flux/flux/utils.py b/flux/flux/utils.py new file mode 100644 index 00000000..2437f21f --- /dev/null +++ b/flux/flux/utils.py @@ -0,0 +1,230 @@ +# Copyright © 2024 Apple Inc. + +import json +import os +from dataclasses import dataclass +from pathlib import Path +from typing import Optional, Union + +import mlx.core as mx +from huggingface_hub import hf_hub_download + +from .autoencoder import AutoEncoder, AutoEncoderParams +from .clip import CLIPTextModel, CLIPTextModelConfig +from .model import Flux, FluxParams +from .t5 import T5Config, T5Encoder +from .tokenizers import CLIPTokenizer, T5Tokenizer + + +@dataclass +class ModelSpec: + params: FluxParams + ae_params: AutoEncoderParams + ckpt_path: Optional[str] + ae_path: Optional[str] + repo_id: Optional[str] + repo_flow: Optional[str] + repo_ae: Optional[str] + + +configs = { + "flux-dev": ModelSpec( + repo_id="black-forest-labs/FLUX.1-dev", + repo_flow="flux1-dev.safetensors", + repo_ae="ae.safetensors", + ckpt_path=os.getenv("FLUX_DEV"), + params=FluxParams( + in_channels=64, + vec_in_dim=768, + context_in_dim=4096, + hidden_size=3072, + mlp_ratio=4.0, + num_heads=24, + depth=19, + depth_single_blocks=38, + axes_dim=[16, 56, 56], + theta=10_000, + qkv_bias=True, + guidance_embed=True, + ), + ae_path=os.getenv("AE"), + ae_params=AutoEncoderParams( + resolution=256, + in_channels=3, + ch=128, + out_ch=3, + ch_mult=[1, 2, 4, 4], + num_res_blocks=2, + z_channels=16, + scale_factor=0.3611, + shift_factor=0.1159, + ), + ), + "flux-schnell": ModelSpec( + repo_id="black-forest-labs/FLUX.1-schnell", + repo_flow="flux1-schnell.safetensors", + repo_ae="ae.safetensors", + ckpt_path=os.getenv("FLUX_SCHNELL"), + params=FluxParams( + in_channels=64, + vec_in_dim=768, + context_in_dim=4096, + hidden_size=3072, + mlp_ratio=4.0, + num_heads=24, + depth=19, + depth_single_blocks=38, + axes_dim=[16, 56, 56], + theta=10_000, + qkv_bias=True, + guidance_embed=False, + ), + ae_path=os.getenv("AE"), + ae_params=AutoEncoderParams( + resolution=256, + in_channels=3, + ch=128, + out_ch=3, + ch_mult=[1, 2, 4, 4], + num_res_blocks=2, + z_channels=16, + scale_factor=0.3611, + shift_factor=0.1159, + ), + ), +} + + +def load_flow_model(name: str, hf_download: bool = True): + # Get the safetensors file to load + ckpt_path = configs[name].ckpt_path + + # Download if needed + if ( + ckpt_path is None + and configs[name].repo_id is not None + and configs[name].repo_flow is not None + and hf_download + ): + ckpt_path = hf_hub_download(configs[name].repo_id, configs[name].repo_flow) + + # Make the model + model = Flux(configs[name].params) + + # Load the checkpoint if needed + if ckpt_path is not None: + weights = mx.load(ckpt_path) + weights = model.sanitize(weights) + model.load_weights(list(weights.items())) + + return model + + +def load_ae(name: str, hf_download: bool = True): + # Get the safetensors file to load + ckpt_path = configs[name].ae_path + + # Download if needed + if ( + ckpt_path is None + and configs[name].repo_id is not None + and configs[name].repo_ae is not None + and hf_download + ): + ckpt_path = hf_hub_download(configs[name].repo_id, configs[name].repo_ae) + + # Make the autoencoder + ae = AutoEncoder(configs[name].ae_params) + + # Load the checkpoint if needed + if ckpt_path is not None: + weights = mx.load(ckpt_path) + weights = ae.sanitize(weights) + ae.load_weights(list(weights.items())) + + return ae + + +def load_clip(name: str): + # Load the config + config_path = hf_hub_download(configs[name].repo_id, "text_encoder/config.json") + with open(config_path) as f: + config = CLIPTextModelConfig.from_dict(json.load(f)) + + # Make the clip text encoder + clip = CLIPTextModel(config) + + # Load the weights + ckpt_path = hf_hub_download(configs[name].repo_id, "text_encoder/model.safetensors") + weights = mx.load(ckpt_path) + weights = clip.sanitize(weights) + clip.load_weights(list(weights.items())) + + return clip + + +def load_t5(name: str): + # Load the config + config_path = hf_hub_download(configs[name].repo_id, "text_encoder_2/config.json") + with open(config_path) as f: + config = T5Config.from_dict(json.load(f)) + + # Make the T5 model + t5 = T5Encoder(config) + + # Load the weights + model_index = hf_hub_download( + configs[name].repo_id, "text_encoder_2/model.safetensors.index.json" + ) + weight_files = set() + with open(model_index) as f: + for _, w in json.load(f)["weight_map"].items(): + weight_files.add(w) + weights = {} + for w in weight_files: + w = f"text_encoder_2/{w}" + w = hf_hub_download(configs[name].repo_id, w) + weights.update(mx.load(w)) + weights = t5.sanitize(weights) + t5.load_weights(list(weights.items())) + + return t5 + + +def load_clip_tokenizer(name: str): + vocab_file = hf_hub_download(configs[name].repo_id, "tokenizer/vocab.json") + with open(vocab_file, encoding="utf-8") as f: + vocab = json.load(f) + + merges_file = hf_hub_download(configs[name].repo_id, "tokenizer/merges.txt") + with open(merges_file, encoding="utf-8") as f: + bpe_merges = f.read().strip().split("\n")[1 : 49152 - 256 - 2 + 1] + bpe_merges = [tuple(m.split()) for m in bpe_merges] + bpe_ranks = dict(map(reversed, enumerate(bpe_merges))) + + return CLIPTokenizer(bpe_ranks, vocab, max_length=77) + + +def load_t5_tokenizer(name: str, pad: bool = True): + model_file = hf_hub_download(configs[name].repo_id, "tokenizer_2/spiece.model") + return T5Tokenizer(model_file, 256 if "schnell" in name else 512) + + +def save_config( + config: dict, + config_path: Union[str, Path], +) -> None: + """Save the model configuration to the ``config_path``. + + The final configuration will be sorted before saving for better readability. + + Args: + config (dict): The model configuration. + config_path (Union[str, Path]): Model configuration file path. + """ + # Sort the config for better readability + config = dict(sorted(config.items())) + + # Write the config to the provided file + with open(config_path, "w") as fid: + json.dump(config, fid, indent=4) diff --git a/flux/generate_interactive.py b/flux/generate_interactive.py new file mode 100644 index 00000000..9acde33c --- /dev/null +++ b/flux/generate_interactive.py @@ -0,0 +1,109 @@ +import argparse + +import mlx.core as mx +import mlx.nn as nn +import numpy as np +from PIL import Image +from tqdm import tqdm + +from flux import FluxPipeline + + +def print_zero(group, *args, **kwargs): + if group.rank() == 0: + flush = kwargs.pop("flush", True) + print(*args, **kwargs, flush=flush) + + +def quantization_predicate(name, m): + return hasattr(m, "to_quantized") and m.weight.shape[1] % 512 == 0 + + +def to_latent_size(image_size): + h, w = image_size + h = ((h + 15) // 16) * 16 + w = ((w + 15) // 16) * 16 + + if (h, w) != image_size: + print( + "Warning: The image dimensions need to be divisible by 16px. " + f"Changing size to {h}x{w}." + ) + + return (h // 8, w // 8) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser( + description="Generate images from a textual prompt using FLUX" + ) + parser.add_argument("--quantize", "-q", action="store_true") + parser.add_argument("--model", choices=["schnell", "dev"], default="schnell") + parser.add_argument("--output", default="out.png") + args = parser.parse_args() + + flux = FluxPipeline("flux-" + args.model, t5_padding=True) + + if args.quantize: + nn.quantize(flux.flow, class_predicate=quantization_predicate) + nn.quantize(flux.t5, class_predicate=quantization_predicate) + nn.quantize(flux.clip, class_predicate=quantization_predicate) + + group = mx.distributed.init() + if group.size() > 1: + flux.flow.shard(group) + + print_zero(group, "Loading models") + flux.ensure_models_are_loaded() + + def print_help(): + print_zero(group, "The command list:") + print_zero(group, "- 'q' to exit") + print_zero(group, "- 's HxW' to change the size of the image") + print_zero(group, "- 'n S' to change the number of steps") + print_zero(group, "- 'h' to print this help") + + print_zero(group, "FLUX interactive session") + print_help() + seed = 0 + size = (512, 512) + latent_size = to_latent_size(size) + steps = 50 if args.model == "dev" else 4 + while True: + prompt = input(">> " if group.rank() == 0 else "") + if prompt == "q": + break + if prompt == "h": + print_help() + continue + if prompt.startswith("s "): + size = tuple([int(xi) for xi in prompt[2:].split("x")]) + print_zero(group, "Setting the size to", size) + latent_size = to_latent_size(size) + continue + if prompt.startswith("n "): + steps = int(prompt[2:]) + print_zero(group, "Setting the steps to", steps) + continue + + seed += 1 + latents = flux.generate_latents( + prompt, + n_images=1, + num_steps=steps, + latent_size=latent_size, + guidance=4.0, + seed=seed, + ) + print_zero(group, "Processing prompt") + mx.eval(next(latents)) + print_zero(group, "Generating latents") + for xt in tqdm(latents, total=steps, disable=group.rank() > 0): + mx.eval(xt) + print_zero(group, "Generating image") + xt = flux.decode(xt, latent_size) + xt = (xt * 255).astype(mx.uint8) + mx.eval(xt) + im = Image.fromarray(np.array(xt[0])) + im.save(args.output) + print_zero(group, "Saved at", args.output, end="\n\n") diff --git a/flux/requirements.txt b/flux/requirements.txt new file mode 100644 index 00000000..792205c9 --- /dev/null +++ b/flux/requirements.txt @@ -0,0 +1,7 @@ +mlx>=0.18.1 +huggingface-hub +regex +numpy +tqdm +Pillow +sentencepiece diff --git a/flux/static/dog-r4-g8-1200-512x1024.png b/flux/static/dog-r4-g8-1200-512x1024.png new file mode 100644 index 00000000..7b1ca0e6 Binary files /dev/null and b/flux/static/dog-r4-g8-1200-512x1024.png differ diff --git a/flux/static/dog-r4-g8-1200.png b/flux/static/dog-r4-g8-1200.png new file mode 100644 index 00000000..90e47333 Binary files /dev/null and b/flux/static/dog-r4-g8-1200.png differ diff --git a/flux/static/dog6.png b/flux/static/dog6.png new file mode 100644 index 00000000..2bcf7b8c Binary files /dev/null and b/flux/static/dog6.png differ diff --git a/flux/static/generated-mlx.png b/flux/static/generated-mlx.png new file mode 100644 index 00000000..5c274ef4 Binary files /dev/null and b/flux/static/generated-mlx.png differ diff --git a/flux/txt2image.py b/flux/txt2image.py new file mode 100644 index 00000000..cae0a6d9 --- /dev/null +++ b/flux/txt2image.py @@ -0,0 +1,175 @@ +# Copyright © 2024 Apple Inc. + +import argparse + +import mlx.core as mx +import mlx.nn as nn +import numpy as np +from PIL import Image +from tqdm import tqdm + +from flux import FluxPipeline + + +def to_latent_size(image_size): + h, w = image_size + h = ((h + 15) // 16) * 16 + w = ((w + 15) // 16) * 16 + + if (h, w) != image_size: + print( + "Warning: The image dimensions need to be divisible by 16px. " + f"Changing size to {h}x{w}." + ) + + return (h // 8, w // 8) + + +def quantization_predicate(name, m): + return hasattr(m, "to_quantized") and m.weight.shape[1] % 512 == 0 + + +def load_adapter(flux, adapter_file, fuse=False): + weights, lora_config = mx.load(adapter_file, return_metadata=True) + rank = int(lora_config["lora_rank"]) + num_blocks = int(lora_config["lora_blocks"]) + flux.linear_to_lora_layers(rank, num_blocks) + flux.flow.load_weights(list(weights.items()), strict=False) + if fuse: + flux.fuse_lora_layers() + + +if __name__ == "__main__": + parser = argparse.ArgumentParser( + description="Generate images from a textual prompt using FLUX" + ) + parser.add_argument("prompt") + parser.add_argument("--model", choices=["schnell", "dev"], default="schnell") + parser.add_argument("--n-images", type=int, default=4) + parser.add_argument( + "--image-size", type=lambda x: tuple(map(int, x.split("x"))), default=(512, 512) + ) + parser.add_argument("--steps", type=int) + parser.add_argument("--guidance", type=float, default=4.0) + parser.add_argument("--n-rows", type=int, default=1) + parser.add_argument("--decoding-batch-size", type=int, default=1) + parser.add_argument("--quantize", "-q", action="store_true") + parser.add_argument("--preload-models", action="store_true") + parser.add_argument("--output", default="out.png") + parser.add_argument("--save-raw", action="store_true") + parser.add_argument("--seed", type=int) + parser.add_argument("--verbose", "-v", action="store_true") + parser.add_argument("--adapter") + parser.add_argument("--fuse-adapter", action="store_true") + parser.add_argument("--no-t5-padding", dest="t5_padding", action="store_false") + parser.add_argument("--force-shard", action="store_true") + args = parser.parse_args() + + # Load the models + flux = FluxPipeline("flux-" + args.model, t5_padding=args.t5_padding) + args.steps = args.steps or (50 if args.model == "dev" else 2) + + if args.adapter: + load_adapter(flux, args.adapter, fuse=args.fuse_adapter) + + if args.quantize: + nn.quantize(flux.flow, class_predicate=quantization_predicate) + nn.quantize(flux.t5, class_predicate=quantization_predicate) + nn.quantize(flux.clip, class_predicate=quantization_predicate) + + # Figure out what kind of distributed generation we should do + group = mx.distributed.init() + n_images = args.n_images + should_gather = False + if group.size() > 1: + if args.force_shard or n_images < group.size() or n_images % group.size() != 0: + flux.flow.shard(group) + else: + n_images //= group.size() + should_gather = True + + # If we are sharding we should have the same seed and if we are doing + # data parallel generation we should have different seeds + if args.seed is None: + args.seed = mx.distributed.all_sum(mx.random.randint(0, 2**20)).item() + if should_gather: + args.seed = args.seed + group.rank() + + if args.preload_models: + flux.ensure_models_are_loaded() + + # Make the generator + latent_size = to_latent_size(args.image_size) + latents = flux.generate_latents( + args.prompt, + n_images=n_images, + num_steps=args.steps, + latent_size=latent_size, + guidance=args.guidance, + seed=args.seed, + ) + + # First we get and eval the conditioning + conditioning = next(latents) + mx.eval(conditioning) + peak_mem_conditioning = mx.get_peak_memory() / 1024**3 + mx.reset_peak_memory() + + # The following is not necessary but it may help in memory constrained + # systems by reusing the memory kept by the text encoders. + del flux.t5 + del flux.clip + + # Actual denoising loop + for x_t in tqdm(latents, total=args.steps, disable=group.rank() > 0): + mx.eval(x_t) + + # The following is not necessary but it may help in memory constrained + # systems by reusing the memory kept by the flow transformer. + del flux.flow + peak_mem_generation = mx.get_peak_memory() / 1024**3 + mx.reset_peak_memory() + + # Decode them into images + decoded = [] + for i in tqdm(range(0, n_images, args.decoding_batch_size)): + decoded.append(flux.decode(x_t[i : i + args.decoding_batch_size], latent_size)) + mx.eval(decoded[-1]) + peak_mem_decoding = mx.get_peak_memory() / 1024**3 + peak_mem_overall = max( + peak_mem_conditioning, peak_mem_generation, peak_mem_decoding + ) + + # Gather them if each node has different images + decoded = mx.concatenate(decoded, axis=0) + if should_gather: + decoded = mx.distributed.all_gather(decoded) + mx.eval(decoded) + + if args.save_raw: + *name, suffix = args.output.split(".") + name = ".".join(name) + x = decoded + x = (x * 255).astype(mx.uint8) + for i in range(len(x)): + im = Image.fromarray(np.array(x[i])) + im.save(".".join([name, str(i), suffix])) + else: + # Arrange them on a grid + x = decoded + x = mx.pad(x, [(0, 0), (4, 4), (4, 4), (0, 0)]) + B, H, W, C = x.shape + x = x.reshape(args.n_rows, B // args.n_rows, H, W, C).transpose(0, 2, 1, 3, 4) + x = x.reshape(args.n_rows * H, B // args.n_rows * W, C) + x = (x * 255).astype(mx.uint8) + + # Save them to disc + im = Image.fromarray(np.array(x)) + im.save(args.output) + + # Report the peak memory used during generation + if args.verbose and group.rank() == 0: + print(f"Peak memory used for the text: {peak_mem_conditioning:.3f}GB") + print(f"Peak memory used for the generation: {peak_mem_generation:.3f}GB") + print(f"Peak memory used for the decoding: {peak_mem_decoding:.3f}GB") + print(f"Peak memory used overall: {peak_mem_overall:.3f}GB") diff --git a/llava/generate.py b/llava/generate.py index 8067839e..64313858 100644 --- a/llava/generate.py +++ b/llava/generate.py @@ -79,10 +79,10 @@ def load_image(image_source): def prepare_inputs(processor, image, prompt): if isinstance(image, str): image = load_image(image) - inputs = processor(prompt, image, return_tensors="np") + inputs = processor(image, prompt, return_tensors="np") pixel_values = mx.array(inputs["pixel_values"]) input_ids = mx.array(inputs["input_ids"]) - return input_ids, pixel_values + return pixel_values, input_ids def load_model(model_path, tokenizer_config={}): @@ -126,8 +126,7 @@ def main(): processor, model = load_model(args.model, tokenizer_config) prompt = codecs.decode(args.prompt, "unicode_escape") - - input_ids, pixel_values = prepare_inputs(processor, args.image, prompt) + pixel_values, input_ids = prepare_inputs(processor, args.image, prompt) print(prompt) generated_text = generate_text( diff --git a/llava/llava.py b/llava/llava.py index 06e56059..c5f190f8 100644 --- a/llava/llava.py +++ b/llava/llava.py @@ -68,11 +68,10 @@ class LlavaModel(nn.Module): input_ids: Optional[mx.array] = None, pixel_values: Optional[mx.array] = None, ): - if pixel_values is None: - return self.language_model(input_ids) - # Get the input embeddings from the language model inputs_embeds = self.language_model.model.embed_tokens(input_ids) + if pixel_values is None: + return inputs_embeds # Get the ouptut hidden states from the vision model *_, hidden_states = self.vision_tower( @@ -105,31 +104,21 @@ class LlavaModel(nn.Module): self, image_features, inputs_embeds, input_ids ): image_token_index = self.config.image_token_index - num_images, num_image_patches, embed_dim = image_features.shape + batch_size, num_image_patches, embed_dim = image_features.shape # Positions of tokens in input_ids, assuming batch size is 1 - image_positions = np.where(input_ids[0] == image_token_index)[0].tolist() + image_positions = mx.array( + np.where(input_ids[0] == image_token_index)[0], mx.uint32 + ) - if len(image_positions) != num_images: + if len(image_positions) != num_image_patches: raise ValueError( f"The number of image tokens ({len(image_positions)}) does not " - f" match the number of image inputs ({num_images})." + f" match the number of image patches ({num_image_patches})." ) - text_segments = [] - start_idx = 0 - - for position in image_positions: - text_segments.append(inputs_embeds[:, start_idx:position]) - start_idx = position + 1 - - image_embeddings = mx.split(image_features, image_features.shape[0]) - final_embeddings = [v for p in zip(text_segments, image_embeddings) for v in p] - final_embeddings += [inputs_embeds[:, start_idx:]] - - # Create a final embedding of shape - # (1, num_image_patches*num_images + sequence_len, embed_dim) - return mx.concatenate(final_embeddings, axis=1) + inputs_embeds[0, image_positions] = image_features + return inputs_embeds def __call__(self, input_ids: mx.array, pixel_values: mx.array, cache=None): input_embddings = self.get_input_embeddings(input_ids, pixel_values) diff --git a/llms/CONTRIBUTING.md b/llms/CONTRIBUTING.md deleted file mode 100644 index d85067cc..00000000 --- a/llms/CONTRIBUTING.md +++ /dev/null @@ -1,47 +0,0 @@ -# Contributing to MLX LM - -Below are some tips to port LLMs available on Hugging Face to MLX. - -Before starting checkout the [general contribution -guidelines](https://github.com/ml-explore/mlx-examples/blob/main/CONTRIBUTING.md). - -Next, from this directory, do an editable install: - -```shell -pip install -e . -``` - -Then check if the model has weights in the -[safetensors](https://huggingface.co/docs/safetensors/index) format. If not -[follow instructions](https://huggingface.co/spaces/safetensors/convert) to -convert it. - -After that, add the model file to the -[`mlx_lm/models`](https://github.com/ml-explore/mlx-examples/tree/main/llms/mlx_lm/models) -directory. You can see other examples there. We recommend starting from a model -that is similar to the model you are porting. - -Make sure the name of the new model file is the same as the `model_type` in the -`config.json`, for example -[starcoder2](https://huggingface.co/bigcode/starcoder2-7b/blob/main/config.json#L17). - -To determine the model layer names, we suggest either: - -- Refer to the Transformers implementation if you are familiar with the - codebase. -- Load the model weights and check the weight names which will tell you about - the model structure. -- Look at the names of the weights by inspecting `model.safetensors.index.json` - in the Hugging Face repo. - -To add LoRA support edit -[`mlx_lm/tuner/utils.py`](https://github.com/ml-explore/mlx-examples/blob/main/llms/mlx_lm/tuner/utils.py#L27-L60) - -Finally, add a test for the new modle type to the [model -tests](https://github.com/ml-explore/mlx-examples/blob/main/llms/tests/test_models.py). - -From the `llms/` directory, you can run the tests with: - -```shell -python -m unittest discover tests/ -``` diff --git a/llms/MANIFEST.in b/llms/MANIFEST.in deleted file mode 100644 index 05b93159..00000000 --- a/llms/MANIFEST.in +++ /dev/null @@ -1,2 +0,0 @@ -include mlx_lm/requirements.txt -recursive-include mlx_lm/ *.py diff --git a/llms/README.md b/llms/README.md index 497c0277..10751c98 100644 --- a/llms/README.md +++ b/llms/README.md @@ -1,171 +1,6 @@ -## Generate Text with LLMs and MLX +# MOVE NOTICE -The easiest way to get started is to install the `mlx-lm` package: +The mlx-lm package has moved to a [new repo](https://github.com/ml-explore/mlx-lm). -**With `pip`**: - -```sh -pip install mlx-lm -``` - -**With `conda`**: - -```sh -conda install -c conda-forge mlx-lm -``` - -The `mlx-lm` package also has: - -- [LoRA and QLoRA fine-tuning](https://github.com/ml-explore/mlx-examples/blob/main/llms/mlx_lm/LORA.md) -- [Merging models](https://github.com/ml-explore/mlx-examples/blob/main/llms/mlx_lm/MERGE.md) -- [HTTP model serving](https://github.com/ml-explore/mlx-examples/blob/main/llms/mlx_lm/SERVER.md) - -### Python API - -You can use `mlx-lm` as a module: - -```python -from mlx_lm import load, generate - -model, tokenizer = load("mlx-community/Mistral-7B-Instruct-v0.3-4bit") - -response = generate(model, tokenizer, prompt="hello", verbose=True) -``` - -To see a description of all the arguments you can do: - -``` ->>> help(generate) -``` - -Check out the [generation example](https://github.com/ml-explore/mlx-examples/tree/main/llms/mlx_lm/examples/generate_response.py) to see how to use the API in more detail. - -The `mlx-lm` package also comes with functionality to quantize and optionally -upload models to the Hugging Face Hub. - -You can convert models in the Python API with: - -```python -from mlx_lm import convert - -repo = "mistralai/Mistral-7B-Instruct-v0.3" -upload_repo = "mlx-community/My-Mistral-7B-Instruct-v0.3-4bit" - -convert(repo, quantize=True, upload_repo=upload_repo) -``` - -This will generate a 4-bit quantized Mistral 7B and upload it to the repo -`mlx-community/My-Mistral-7B-Instruct-v0.3-4bit`. It will also save the -converted model in the path `mlx_model` by default. - -To see a description of all the arguments you can do: - -``` ->>> help(convert) -``` - -#### Streaming - -For streaming generation, use the `stream_generate` function. This returns a -generator object which streams the output text. For example, - -```python -from mlx_lm import load, stream_generate - -repo = "mlx-community/Mistral-7B-Instruct-v0.3-4bit" -model, tokenizer = load(repo) - -prompt = "Write a story about Einstein" - -for t in stream_generate(model, tokenizer, prompt, max_tokens=512): - print(t, end="", flush=True) -print() -``` - -### Command Line - -You can also use `mlx-lm` from the command line with: - -``` -mlx_lm.generate --model mistralai/Mistral-7B-Instruct-v0.3 --prompt "hello" -``` - -This will download a Mistral 7B model from the Hugging Face Hub and generate -text using the given prompt. - -For a full list of options run: - -``` -mlx_lm.generate --help -``` - -To quantize a model from the command line run: - -``` -mlx_lm.convert --hf-path mistralai/Mistral-7B-Instruct-v0.3 -q -``` - -For more options run: - -``` -mlx_lm.convert --help -``` - -You can upload new models to Hugging Face by specifying `--upload-repo` to -`convert`. For example, to upload a quantized Mistral-7B model to the -[MLX Hugging Face community](https://huggingface.co/mlx-community) you can do: - -``` -mlx_lm.convert \ - --hf-path mistralai/Mistral-7B-Instruct-v0.3 \ - -q \ - --upload-repo mlx-community/my-4bit-mistral -``` - -### Supported Models - -The example supports Hugging Face format Mistral, Llama, and Phi-2 style -models. If the model you want to run is not supported, file an -[issue](https://github.com/ml-explore/mlx-examples/issues/new) or better yet, -submit a pull request. - -Here are a few examples of Hugging Face models that work with this example: - -- [mistralai/Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1) -- [meta-llama/Llama-2-7b-hf](https://huggingface.co/meta-llama/Llama-2-7b-hf) -- [deepseek-ai/deepseek-coder-6.7b-instruct](https://huggingface.co/deepseek-ai/deepseek-coder-6.7b-instruct) -- [01-ai/Yi-6B-Chat](https://huggingface.co/01-ai/Yi-6B-Chat) -- [microsoft/phi-2](https://huggingface.co/microsoft/phi-2) -- [mistralai/Mixtral-8x7B-Instruct-v0.1](https://huggingface.co/mistralai/Mixtral-8x7B-Instruct-v0.1) -- [Qwen/Qwen-7B](https://huggingface.co/Qwen/Qwen-7B) -- [pfnet/plamo-13b](https://huggingface.co/pfnet/plamo-13b) -- [pfnet/plamo-13b-instruct](https://huggingface.co/pfnet/plamo-13b-instruct) -- [stabilityai/stablelm-2-zephyr-1_6b](https://huggingface.co/stabilityai/stablelm-2-zephyr-1_6b) -- [internlm/internlm2-7b](https://huggingface.co/internlm/internlm2-7b) - -Most -[Mistral](https://huggingface.co/models?library=transformers,safetensors&other=mistral&sort=trending), -[Llama](https://huggingface.co/models?library=transformers,safetensors&other=llama&sort=trending), -[Phi-2](https://huggingface.co/models?library=transformers,safetensors&other=phi&sort=trending), -and -[Mixtral](https://huggingface.co/models?library=transformers,safetensors&other=mixtral&sort=trending) -style models should work out of the box. - -For some models (such as `Qwen` and `plamo`) the tokenizer requires you to -enable the `trust_remote_code` option. You can do this by passing -`--trust-remote-code` in the command line. If you don't specify the flag -explicitly, you will be prompted to trust remote code in the terminal when -running the model. - -For `Qwen` models you must also specify the `eos_token`. You can do this by -passing `--eos-token "<|endoftext|>"` in the command -line. - -These options can also be set in the Python API. For example: - -```python -model, tokenizer = load( - "qwen/Qwen-7B", - tokenizer_config={"eos_token": "<|endoftext|>", "trust_remote_code": True}, -) -``` +The package has been removed from the MLX Examples repo. Send new contributions +and issues to the MLX LM repo. diff --git a/llms/gguf_llm/generate.py b/llms/gguf_llm/generate.py index 7215aa48..db327cda 100644 --- a/llms/gguf_llm/generate.py +++ b/llms/gguf_llm/generate.py @@ -40,7 +40,7 @@ def generate( if len(tokens) == 0: print("No tokens generated for this prompt") return - prompt_tps = prompt.size / prompt_time + prompt_tps = len(prompt) / prompt_time gen_tps = (len(tokens) - 1) / gen_time print(f"Prompt: {prompt_tps:.3f} tokens-per-sec") print(f"Generation: {gen_tps:.3f} tokens-per-sec") diff --git a/llms/gguf_llm/models.py b/llms/gguf_llm/models.py index 3b0afc65..9e1f9666 100644 --- a/llms/gguf_llm/models.py +++ b/llms/gguf_llm/models.py @@ -19,10 +19,10 @@ class ModelArgs: rms_norm_eps: float vocab_size: int context_length: int - num_key_value_heads: int = None + num_key_value_heads: Optional[int] = None rope_theta: float = 10000 rope_traditional: bool = False - model_type: str = None + model_type: Optional[str] = None rope_scaling: Optional[Dict[str, Union[float, str]]] = None def __post_init__(self): @@ -54,7 +54,7 @@ class Attention(nn.Module): dim = args.hidden_size self.n_heads = n_heads = args.num_attention_heads - self.n_kv_heads = n_kv_heads = args.num_key_value_heads + self.n_kv_heads = n_kv_heads = args.num_key_value_heads or n_heads self.repeats = n_heads // n_kv_heads @@ -66,7 +66,7 @@ class Attention(nn.Module): self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=False) self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=False) rope_scale = ( - 1 / args.rope_scaling["factor"] + 1 / float(args.rope_scaling["factor"]) if args.rope_scaling is not None and args.rope_scaling["type"] == "linear" else 1 ) @@ -254,7 +254,7 @@ def translate_weight_names(name): return name -def load(gguf_file: str, repo: str = None): +def load(gguf_file: str, repo: Optional[str] = None): # If the gguf_file exists, try to load model from it. # Otherwise try to download and cache from the HF repo if not Path(gguf_file).exists(): diff --git a/llms/llama/convert.py b/llms/llama/convert.py index 04c10a5f..33610f44 100644 --- a/llms/llama/convert.py +++ b/llms/llama/convert.py @@ -7,6 +7,7 @@ import glob import json import shutil from pathlib import Path +from typing import Dict import mlx.core as mx import mlx.nn as nn @@ -149,7 +150,8 @@ def quantize(weights, config, args): def make_shards(weights: dict, max_file_size_gibibyte: int = 15): max_file_size_bytes = max_file_size_gibibyte << 30 shards = [] - shard, shard_size = {}, 0 + shard: Dict[str, mx.array] = {} + shard_size = 0 for k, v in weights.items(): if shard_size + v.nbytes > max_file_size_bytes: shards.append(shard) diff --git a/llms/mixtral/mixtral.py b/llms/mixtral/mixtral.py index 4b45d066..653dad57 100644 --- a/llms/mixtral/mixtral.py +++ b/llms/mixtral/mixtral.py @@ -23,7 +23,7 @@ class ModelArgs: n_kv_heads: int norm_eps: float vocab_size: int - moe: dict = None + moe: dict class Attention(nn.Module): @@ -91,7 +91,6 @@ class FeedForward(nn.Module): class MOEFeedForward(nn.Module): def __init__(self, args: ModelArgs): super().__init__() - self.num_experts = args.moe["num_experts"] self.num_experts_per_tok = args.moe["num_experts_per_tok"] self.experts = [FeedForward(args) for _ in range(self.num_experts)] @@ -115,7 +114,6 @@ class MOEFeedForward(nn.Module): yt = (yt * st).sum(axis=-1) y.append(yt[None, :]) y = mx.concatenate(y) - return y.reshape(orig_shape) diff --git a/llms/mlx_lm/LORA.md b/llms/mlx_lm/LORA.md deleted file mode 100644 index 2e739d0f..00000000 --- a/llms/mlx_lm/LORA.md +++ /dev/null @@ -1,298 +0,0 @@ -# Fine-Tuning with LoRA or QLoRA - -You can use use the `mlx-lm` package to fine-tune an LLM with low rank -adaptation (LoRA) for a target task.[^lora] The example also supports quantized -LoRA (QLoRA).[^qlora] LoRA fine-tuning works with the following model families: - -- Mistral -- Llama -- Phi2 -- Mixtral -- Qwen2 -- Gemma -- OLMo -- MiniCPM -- InternLM2 - -## Contents - -- [Run](#Run) - - [Fine-tune](#Fine-tune) - - [Evaluate](#Evaluate) - - [Generate](#Generate) -- [Fuse](#Fuse) -- [Data](#Data) -- [Memory Issues](#Memory-Issues) - -## Run - -The main command is `mlx_lm.lora`. To see a full list of command-line options run: - -```shell -mlx_lm.lora --help -``` - -Note, in the following the `--model` argument can be any compatible Hugging -Face repo or a local path to a converted model. - -You can also specify a YAML config with `-c`/`--config`. For more on the format see the -[example YAML](examples/lora_config.yaml). For example: - -```shell -mlx_lm.lora --config /path/to/config.yaml -``` - -If command-line flags are also used, they will override the corresponding -values in the config. - -### Fine-tune - -To fine-tune a model use: - -```shell -mlx_lm.lora \ - --model \ - --train \ - --data \ - --iters 600 -``` - -The `--data` argument must specify a path to a `train.jsonl`, `valid.jsonl` -when using `--train` and a path to a `test.jsonl` when using `--test`. For more -details on the data format see the section on [Data](#Data). - -For example, to fine-tune a Mistral 7B you can use `--model -mistralai/Mistral-7B-v0.1`. - -If `--model` points to a quantized model, then the training will use QLoRA, -otherwise it will use regular LoRA. - -By default, the adapter config and weights are saved in `adapters/`. You can -specify the output location with `--adapter-path`. - -You can resume fine-tuning with an existing adapter with -`--resume-adapter-file `. - -### Evaluate - -To compute test set perplexity use: - -```shell -mlx_lm.lora \ - --model \ - --adapter-path \ - --data \ - --test -``` - -### Generate - -For generation use `mlx_lm.generate`: - -```shell -mlx_lm.generate \ - --model \ - --adapter-path \ - --prompt "" -``` - -## Fuse - -You can generate a model fused with the low-rank adapters using the -`mlx_lm.fuse` command. This command also allows you to optionally: - -- Upload the fused model to the Hugging Face Hub. -- Export the fused model to GGUF. Note GGUF support is limited to Mistral, - Mixtral, and Llama style models in fp16 precision. - -To see supported options run: - -```shell -mlx_lm.fuse --help -``` - -To generate the fused model run: - -```shell -mlx_lm.fuse --model -``` - -This will by default load the adapters from `adapters/`, and save the fused -model in the path `lora_fused_model/`. All of these are configurable. - -To upload a fused model, supply the `--upload-repo` and `--hf-path` arguments -to `mlx_lm.fuse`. The latter is the repo name of the original model, which is -useful for the sake of attribution and model versioning. - -For example, to fuse and upload a model derived from Mistral-7B-v0.1, run: - -```shell -mlx_lm.fuse \ - --model mistralai/Mistral-7B-v0.1 \ - --upload-repo mlx-community/my-lora-mistral-7b \ - --hf-path mistralai/Mistral-7B-v0.1 -``` - -To export a fused model to GGUF, run: - -```shell -mlx_lm.fuse \ - --model mistralai/Mistral-7B-v0.1 \ - --export-gguf -``` - -This will save the GGUF model in `lora_fused_model/ggml-model-f16.gguf`. You -can specify the file name with `--gguf-path`. - -## Data - -The LoRA command expects you to provide a dataset with `--data`. The MLX -Examples GitHub repo has an [example of the WikiSQL -data](https://github.com/ml-explore/mlx-examples/tree/main/lora/data) in the -correct format. - -Datasets can be specified in `*.jsonl` files locally or loaded from Hugging -Face. - -### Local Datasets - -For fine-tuning (`--train`), the data loader expects a `train.jsonl` and a -`valid.jsonl` to be in the data directory. For evaluation (`--test`), the data -loader expects a `test.jsonl` in the data directory. - -Currently, `*.jsonl` files support three data formats: `chat`, -`completions`, and `text`. Here are three examples of these formats: - -`chat`: - -```jsonl -{ - "messages": [ - { - "role": "system", - "content": "You are a helpful assistant." - }, - { - "role": "user", - "content": "Hello." - }, - { - "role": "assistant", - "content": "How can I assistant you today." - } - ] -} -``` - -`completions`: - -```jsonl -{ - "prompt": "What is the capital of France?", - "completion": "Paris." -} -``` - -`text`: - -```jsonl -{ - "text": "This is an example for the model." -} -``` - -Note, the format is automatically determined by the dataset. Note also, keys in -each line not expected by the loader will be ignored. - -### Hugging Face Datasets - -To use Hugging Face datasets, first install the `datasets` package: - -``` -pip install datasets -``` - -Specify the Hugging Face dataset arguments in a YAML config. For example: - -``` -hf_dataset: - name: "billsum" - prompt_feature: "text" - completion_feature: "summary" -``` - -- Use `prompt_feature` and `completion_feature` to specify keys for a - `completions` dataset. Use `text_feature` to specify the key for a `text` - dataset. - -- To specify the train, valid, or test splits, set the corresponding - `{train,valid,test}_split` argument. - -- Arguments specified in `config` will be passed as keyword arguments to - [`datasets.load_dataset`](https://huggingface.co/docs/datasets/v2.20.0/en/package_reference/loading_methods#datasets.load_dataset). - -In general, for the `chat` and `completions` formats, Hugging Face [chat -templates](https://huggingface.co/blog/chat-templates) are used. This applies -the model's chat template by default. If the model does not have a chat -template, then Hugging Face will use a default. For example, the final text in -the `chat` example above with Hugging Face's default template becomes: - -```text -<|im_start|>system -You are a helpful assistant.<|im_end|> -<|im_start|>user -Hello.<|im_end|> -<|im_start|>assistant -How can I assistant you today.<|im_end|> -``` - -If you are unsure of the format to use, the `chat` or `completions` are good to -start with. For custom requirements on the format of the dataset, use the -`text` format to assemble the content yourself. - -## Memory Issues - -Fine-tuning a large model with LoRA requires a machine with a decent amount -of memory. Here are some tips to reduce memory use should you need to do so: - -1. Try quantization (QLoRA). You can use QLoRA by generating a quantized model - with `convert.py` and the `-q` flag. See the [Setup](#setup) section for - more details. - -2. Try using a smaller batch size with `--batch-size`. The default is `4` so - setting this to `2` or `1` will reduce memory consumption. This may slow - things down a little, but will also reduce the memory use. - -3. Reduce the number of layers to fine-tune with `--lora-layers`. The default - is `16`, so you can try `8` or `4`. This reduces the amount of memory - needed for back propagation. It may also reduce the quality of the - fine-tuned model if you are fine-tuning with a lot of data. - -4. Longer examples require more memory. If it makes sense for your data, one thing - you can do is break your examples into smaller - sequences when making the `{train, valid, test}.jsonl` files. - -5. Gradient checkpointing lets you trade-off memory use (less) for computation - (more) by recomputing instead of storing intermediate values needed by the - backward pass. You can use gradient checkpointing by passing the - `--grad-checkpoint` flag. Gradient checkpointing will be more helpful for - larger batch sizes or sequence lengths with smaller or quantized models. - -For example, for a machine with 32 GB the following should run reasonably fast: - -``` -mlx_lm.lora \ - --model mistralai/Mistral-7B-v0.1 \ - --train \ - --batch-size 1 \ - --lora-layers 4 \ - --data wikisql -``` - -The above command on an M1 Max with 32 GB runs at about 250 -tokens-per-second, using the MLX Example -[`wikisql`](https://github.com/ml-explore/mlx-examples/tree/main/lora/data) -data set. - -[^lora]: Refer to the [arXiv paper](https://arxiv.org/abs/2106.09685) for more details on LoRA. -[^qlora]: Refer to the paper [QLoRA: Efficient Finetuning of Quantized LLMs](https://arxiv.org/abs/2305.14314) diff --git a/llms/mlx_lm/MANAGE.md b/llms/mlx_lm/MANAGE.md deleted file mode 100644 index 00858a0a..00000000 --- a/llms/mlx_lm/MANAGE.md +++ /dev/null @@ -1,22 +0,0 @@ -# Managing Models - -You can use `mlx-lm` to manage models downloaded locally in your machine. They -are stored in the Hugging Face cache. - -Scan models: - -```shell -mlx_lm.manage --scan -``` - -Specify a `--pattern` to get info on a single or specific set of models: - -```shell -mlx_lm.manage --scan --pattern mlx-community/Mistral-7B-Instruct-v0.2-4bit -``` - -To delete a model (or multiple models): - -```shell -mlx_lm.manage --delete --pattern mlx-community/Mistral-7B-Instruct-v0.2-4bit -``` diff --git a/llms/mlx_lm/MERGE.md b/llms/mlx_lm/MERGE.md deleted file mode 100644 index 093c7ed6..00000000 --- a/llms/mlx_lm/MERGE.md +++ /dev/null @@ -1,50 +0,0 @@ -# Model Merging - -You can use `mlx-lm` to merge models and upload them to the Hugging -Face hub or save them locally for LoRA fine tuning. - -The main command is `mlx_lm.merge`: - -```shell -mlx_lm.merge --config config.yaml -``` - -The merged model will be saved by default in `mlx_merged_model`. To see a -full list of options run: - -```shell -mlx_lm.merge --help -``` - -Here is an example `config.yaml`: - -```yaml -models: - - OpenPipe/mistral-ft-optimized-1218 - - mlabonne/NeuralHermes-2.5-Mistral-7B -method: slerp -parameters: - t: - - filter: self_attn - value: [0, 0.5, 0.3, 0.7, 1] - - filter: mlp - value: [1, 0.5, 0.7, 0.3, 0] - - value: 0.5 -``` - -The `models` field is a list of Hugging Face repo ids. The first model in the -list is treated as the base model into which the remaining models are merged. - -The `method` field is the merging method. Right now `slerp` is the only -supported method. - -The `parameters` are the corresponding parameters for the given `method`. -Each parameter is a list with `filter` determining which layer the parameter -applies to and `value` determining the actual value used. The last item in -the list without a `filter` field is the default. - -If `value` is a list, it specifies the start and end values for the -corresponding segment of blocks. In the example above, the models have 32 -blocks. For blocks 1-8, the layers with `self_attn` in the name will use the -values `np.linspace(0, 0.5, 8)`, the same layers in the next 8 blocks (9-16) -will use `np.linspace(0.5, 0.3, 8)`, and so on. diff --git a/llms/mlx_lm/README.md b/llms/mlx_lm/README.md deleted file mode 100644 index 66f2b5e9..00000000 --- a/llms/mlx_lm/README.md +++ /dev/null @@ -1,10 +0,0 @@ -## Generate Text with MLX and :hugs: Hugging Face - -This an example of large language model text generation that can pull models from -the Hugging Face Hub. - -For more information on this example, see the [README](../README.md) in the -parent directory. - -This package also supports fine tuning with LoRA or QLoRA. For more information -see the [LoRA documentation](LORA.md). diff --git a/llms/mlx_lm/SERVER.md b/llms/mlx_lm/SERVER.md deleted file mode 100644 index 48364bee..00000000 --- a/llms/mlx_lm/SERVER.md +++ /dev/null @@ -1,80 +0,0 @@ -# HTTP Model Server - -You use `mlx-lm` to make an HTTP API for generating text with any supported -model. The HTTP API is intended to be similar to the [OpenAI chat -API](https://platform.openai.com/docs/api-reference). - -> [!NOTE] -> The MLX LM server is not recommended for production as it only implements -> basic security checks. - -Start the server with: - -```shell -mlx_lm.server --model -``` - -For example: - -```shell -mlx_lm.server --model mlx-community/Mistral-7B-Instruct-v0.3-4bit -``` - -This will start a text generation server on port `8080` of the `localhost` -using Mistral 7B instruct. The model will be downloaded from the provided -Hugging Face repo if it is not already in the local cache. - -To see a full list of options run: - -```shell -mlx_lm.server --help -``` - -You can make a request to the model by running: - -```shell -curl localhost:8080/v1/chat/completions \ - -H "Content-Type: application/json" \ - -d '{ - "messages": [{"role": "user", "content": "Say this is a test!"}], - "temperature": 0.7 - }' -``` - -### Request Fields - -- `messages`: An array of message objects representing the conversation - history. Each message object should have a role (e.g. user, assistant) and - content (the message text). - -- `role_mapping`: (Optional) A dictionary to customize the role prefixes in - the generated prompt. If not provided, the default mappings are used. - -- `stop`: (Optional) An array of strings or a single string. Thesse are - sequences of tokens on which the generation should stop. - -- `max_tokens`: (Optional) An integer specifying the maximum number of tokens - to generate. Defaults to `100`. - -- `stream`: (Optional) A boolean indicating if the response should be - streamed. If true, responses are sent as they are generated. Defaults to - false. - -- `temperature`: (Optional) A float specifying the sampling temperature. - Defaults to `1.0`. - -- `top_p`: (Optional) A float specifying the nucleus sampling parameter. - Defaults to `1.0`. - -- `repetition_penalty`: (Optional) Applies a penalty to repeated tokens. - Defaults to `1.0`. - -- `repetition_context_size`: (Optional) The size of the context window for - applying repetition penalty. Defaults to `20`. - -- `logit_bias`: (Optional) A dictionary mapping token IDs to their bias - values. Defaults to `None`. - -- `logprobs`: (Optional) An integer specifying the number of top tokens and - corresponding log probabilities to return for each output in the generated - sequence. If set, this can be any value between 1 and 10, inclusive. diff --git a/llms/mlx_lm/UPLOAD.md b/llms/mlx_lm/UPLOAD.md deleted file mode 100644 index f5de3655..00000000 --- a/llms/mlx_lm/UPLOAD.md +++ /dev/null @@ -1,37 +0,0 @@ -### Packaging for PyPI - -Install `build` and `twine`: - -``` -pip install --user --upgrade build -pip install --user --upgrade twine -``` - -Generate the source distribution and wheel: - -``` -python -m build -``` - -> [!warning] -> Use a test server first - -#### Test Upload - -Upload to test server: - -``` -python -m twine upload --repository testpypi dist/* -``` - -Install from test server and check that it works: - -``` -python -m pip install --index-url https://test.pypi.org/simple/ --no-deps mlx-lm -``` - -#### Upload - -``` -python -m twine upload dist/* -``` diff --git a/llms/mlx_lm/__init__.py b/llms/mlx_lm/__init__.py deleted file mode 100644 index e971c467..00000000 --- a/llms/mlx_lm/__init__.py +++ /dev/null @@ -1,4 +0,0 @@ -# Copyright © 2023-2024 Apple Inc. - -from .utils import convert, generate, load, stream_generate -from .version import __version__ diff --git a/llms/mlx_lm/convert.py b/llms/mlx_lm/convert.py deleted file mode 100644 index a3f43f71..00000000 --- a/llms/mlx_lm/convert.py +++ /dev/null @@ -1,62 +0,0 @@ -# Copyright © 2023-2024 Apple Inc. - -import argparse - -from .utils import convert - - -def configure_parser() -> argparse.ArgumentParser: - """ - Configures and returns the argument parser for the script. - - Returns: - argparse.ArgumentParser: Configured argument parser. - """ - parser = argparse.ArgumentParser( - description="Convert Hugging Face model to MLX format" - ) - - parser.add_argument("--hf-path", type=str, help="Path to the Hugging Face model.") - parser.add_argument( - "--mlx-path", type=str, default="mlx_model", help="Path to save the MLX model." - ) - parser.add_argument( - "-q", "--quantize", help="Generate a quantized model.", action="store_true" - ) - parser.add_argument( - "--q-group-size", help="Group size for quantization.", type=int, default=64 - ) - parser.add_argument( - "--q-bits", help="Bits per weight for quantization.", type=int, default=4 - ) - parser.add_argument( - "--dtype", - help="Type to save the parameters, ignored if -q is given.", - type=str, - choices=["float16", "bfloat16", "float32"], - default="float16", - ) - parser.add_argument( - "--upload-repo", - help="The Hugging Face repo to upload the model to.", - type=str, - default=None, - ) - parser.add_argument( - "-d", - "--dequantize", - help="Dequantize a quantized model.", - action="store_true", - default=False, - ) - return parser - - -def main(): - parser = configure_parser() - args = parser.parse_args() - convert(**vars(args)) - - -if __name__ == "__main__": - main() diff --git a/llms/mlx_lm/examples/generate_response.py b/llms/mlx_lm/examples/generate_response.py deleted file mode 100644 index af599c1b..00000000 --- a/llms/mlx_lm/examples/generate_response.py +++ /dev/null @@ -1,40 +0,0 @@ -from mlx_lm import generate, load - -# Specify the checkpoint -checkpoint = "mistralai/Mistral-7B-Instruct-v0.3" - -# Load the corresponding model and tokenizer -model, tokenizer = load(path_or_hf_repo=checkpoint) - -# Specify the prompt and conversation history -prompt = "Why is the sky blue?" -conversation = [{"role": "user", "content": prompt}] - -# Transform the prompt into the chat template -prompt = tokenizer.apply_chat_template( - conversation=conversation, tokenize=False, add_generation_prompt=True -) - -# Specify the maximum number of tokens -max_tokens = 1_000 - -# Specify if tokens and timing information will be printed -verbose = True - -# Some optional arguments for causal language model generation -generation_args = { - "temp": 0.7, - "repetition_penalty": 1.2, - "repetition_context_size": 20, - "top_p": 0.95, -} - -# Generate a response with the specified settings -response = generate( - model=model, - tokenizer=tokenizer, - prompt=prompt, - max_tokens=max_tokens, - verbose=verbose, - **generation_args, -) diff --git a/llms/mlx_lm/examples/lora_config.yaml b/llms/mlx_lm/examples/lora_config.yaml deleted file mode 100644 index 073a5b6f..00000000 --- a/llms/mlx_lm/examples/lora_config.yaml +++ /dev/null @@ -1,79 +0,0 @@ -# The path to the local model directory or Hugging Face repo. -model: "mlx_model" -# Whether or not to train (boolean) -train: true - -# Directory with {train, valid, test}.jsonl files -data: "/path/to/training/data" - -# The PRNG seed -seed: 0 - -# Number of layers to fine-tune -lora_layers: 16 - -# Minibatch size. -batch_size: 4 - -# Iterations to train for. -iters: 1000 - -# Number of validation batches, -1 uses the entire validation set. -val_batches: 25 - -# Adam learning rate. -learning_rate: 1e-5 - -# Number of training steps between loss reporting. -steps_per_report: 10 - -# Number of training steps between validations. -steps_per_eval: 200 - -# Load path to resume training with the given adapter weights. -resume_adapter_file: null - -# Save/load path for the trained adapter weights. -adapter_path: "adapters" - -# Save the model every N iterations. -save_every: 100 - -# Evaluate on the test set after training -test: false - -# Number of test set batches, -1 uses the entire test set. -test_batches: 100 - -# Maximum sequence length. -max_seq_length: 2048 - -# Use gradient checkpointing to reduce memory use. -grad_checkpoint: false - -# Use DoRA instead of LoRA. -use_dora: false - -# LoRA parameters can only be specified in a config file -lora_parameters: - # The layer keys to apply LoRA to. - # These will be applied for the last lora_layers - keys: ["self_attn.q_proj", "self_attn.v_proj"] - rank: 8 - scale: 20.0 - dropout: 0.0 - -# Schedule can only be specified in a config file, uncomment to use. -#lr_schedule: -# name: cosine_decay -# warmup: 100 # 0 for no warmup -# warmup_init: 1e-7 # 0 if not specified -# arguments: [1e-5, 1000, 1e-7] # passed to scheduler - -#hf_dataset: -# name: "billsum" -# train_split: "train[:1000]" -# valid_split: "train[-100:]" -# prompt_feature: "text" -# completion_feature: "summary" - diff --git a/llms/mlx_lm/examples/merge_config.yaml b/llms/mlx_lm/examples/merge_config.yaml deleted file mode 100644 index 98701e55..00000000 --- a/llms/mlx_lm/examples/merge_config.yaml +++ /dev/null @@ -1,11 +0,0 @@ -models: - - OpenPipe/mistral-ft-optimized-1218 - - mlabonne/NeuralHermes-2.5-Mistral-7B -method: slerp -parameters: - t: - - filter: self_attn - value: [0, 0.5, 0.3, 0.7, 1] - - filter: mlp - value: [1, 0.5, 0.7, 0.3, 0] - - value: 0.5 diff --git a/llms/mlx_lm/fuse.py b/llms/mlx_lm/fuse.py deleted file mode 100644 index fa06eb54..00000000 --- a/llms/mlx_lm/fuse.py +++ /dev/null @@ -1,131 +0,0 @@ -import argparse -import glob -import shutil -from pathlib import Path - -from mlx.utils import tree_flatten, tree_unflatten - -from .gguf import convert_to_gguf -from .tuner.dora import DoRALinear -from .tuner.lora import LoRALinear, LoRASwitchLinear -from .tuner.utils import apply_lora_layers, dequantize -from .utils import ( - fetch_from_hub, - get_model_path, - save_config, - save_weights, - upload_to_hub, -) - - -def parse_arguments() -> argparse.Namespace: - parser = argparse.ArgumentParser( - description="Fuse fine-tuned adapters into the base model." - ) - parser.add_argument( - "--model", - default="mlx_model", - help="The path to the local model directory or Hugging Face repo.", - ) - parser.add_argument( - "--save-path", - default="lora_fused_model", - help="The path to save the fused model.", - ) - parser.add_argument( - "--adapter-path", - type=str, - default="adapters", - help="Path to the trained adapter weights and config.", - ) - parser.add_argument( - "--hf-path", - type=str, - default=None, - help="Path to the original Hugging Face model. Required for upload if --model is a local directory.", - ) - parser.add_argument( - "--upload-repo", - help="The Hugging Face repo to upload the model to.", - type=str, - default=None, - ) - parser.add_argument( - "--de-quantize", - help="Generate a de-quantized model.", - action="store_true", - ) - parser.add_argument( - "--export-gguf", - help="Export model weights in GGUF format.", - action="store_true", - ) - parser.add_argument( - "--gguf-path", - help="Path to save the exported GGUF format model weights. Default is ggml-model-f16.gguf.", - default="ggml-model-f16.gguf", - type=str, - ) - return parser.parse_args() - - -def main() -> None: - print("Loading pretrained model") - args = parse_arguments() - - model_path = get_model_path(args.model) - model, config, tokenizer = fetch_from_hub(model_path) - - model.freeze() - model = apply_lora_layers(model, args.adapter_path) - - fused_linears = [ - (n, m.to_linear()) - for n, m in model.named_modules() - if isinstance(m, (LoRASwitchLinear, LoRALinear, DoRALinear)) - ] - - model.update_modules(tree_unflatten(fused_linears)) - - if args.de_quantize: - print("De-quantizing model") - model = dequantize(model) - - weights = dict(tree_flatten(model.parameters())) - - save_path = Path(args.save_path) - - save_weights(save_path, weights) - - py_files = glob.glob(str(model_path / "*.py")) - for file in py_files: - shutil.copy(file, save_path) - - tokenizer.save_pretrained(save_path) - - if args.de_quantize: - config.pop("quantization", None) - - save_config(config, config_path=save_path / "config.json") - - if args.export_gguf: - model_type = config["model_type"] - if model_type not in ["llama", "mixtral", "mistral"]: - raise ValueError( - f"Model type {model_type} not supported for GGUF conversion." - ) - convert_to_gguf(model_path, weights, config, str(save_path / args.gguf_path)) - - if args.upload_repo is not None: - hf_path = args.hf_path or ( - args.model if not Path(args.model).exists() else None - ) - if hf_path is None: - raise ValueError( - "Must provide original Hugging Face repo to upload local model." - ) - upload_to_hub(args.save_path, args.upload_repo, hf_path) - - -if __name__ == "__main__": - main() diff --git a/llms/mlx_lm/generate.py b/llms/mlx_lm/generate.py deleted file mode 100644 index c003940b..00000000 --- a/llms/mlx_lm/generate.py +++ /dev/null @@ -1,161 +0,0 @@ -# Copyright © 2023-2024 Apple Inc. - -import argparse - -import mlx.core as mx - -from .utils import generate, load - -DEFAULT_MODEL_PATH = "mlx_model" -DEFAULT_PROMPT = "hello" -DEFAULT_MAX_TOKENS = 100 -DEFAULT_TEMP = 0.6 -DEFAULT_TOP_P = 1.0 -DEFAULT_SEED = 0 - - -def setup_arg_parser(): - """Set up and return the argument parser.""" - parser = argparse.ArgumentParser(description="LLM inference script") - parser.add_argument( - "--model", - type=str, - default="mlx_model", - help="The path to the local model directory or Hugging Face repo.", - ) - parser.add_argument( - "--adapter-path", - type=str, - help="Optional path for the trained adapter weights and config.", - ) - parser.add_argument( - "--trust-remote-code", - action="store_true", - help="Enable trusting remote code for tokenizer", - ) - parser.add_argument( - "--eos-token", - type=str, - default=None, - help="End of sequence token for tokenizer", - ) - parser.add_argument( - "--prompt", default=DEFAULT_PROMPT, help="Message to be processed by the model" - ) - parser.add_argument( - "--max-tokens", - "-m", - type=int, - default=DEFAULT_MAX_TOKENS, - help="Maximum number of tokens to generate", - ) - parser.add_argument( - "--temp", type=float, default=DEFAULT_TEMP, help="Sampling temperature" - ) - parser.add_argument( - "--top-p", type=float, default=DEFAULT_TOP_P, help="Sampling top-p" - ) - parser.add_argument("--seed", type=int, default=DEFAULT_SEED, help="PRNG seed") - parser.add_argument( - "--ignore-chat-template", - action="store_true", - help="Use the raw prompt without the tokenizer's chat template.", - ) - parser.add_argument( - "--use-default-chat-template", - action="store_true", - help="Use the default chat template", - ) - parser.add_argument( - "--colorize", - action="store_true", - help="Colorize output based on T[0] probability", - ) - parser.add_argument( - "--cache-limit-gb", - type=int, - default=None, - help="Set the MLX cache limit in GB", - required=False, - ) - return parser - - -def colorprint(color, s): - color_codes = { - "black": 30, - "red": 31, - "green": 32, - "yellow": 33, - "blue": 34, - "magenta": 35, - "cyan": 36, - "white": 39, - } - ccode = color_codes.get(color, 30) - print(f"\033[1m\033[{ccode}m{s}\033[0m", end="", flush=True) - - -def colorprint_by_t0(s, t0): - if t0 > 0.95: - color = "white" - elif t0 > 0.70: - color = "green" - elif t0 > 0.30: - color = "yellow" - else: - color = "red" - colorprint(color, s) - - -def main(): - parser = setup_arg_parser() - args = parser.parse_args() - - mx.random.seed(args.seed) - - if args.cache_limit_gb is not None: - mx.metal.set_cache_limit(args.cache_limit_gb * 1024 * 1024 * 1024) - - # Building tokenizer_config - tokenizer_config = {"trust_remote_code": True if args.trust_remote_code else None} - if args.eos_token is not None: - tokenizer_config["eos_token"] = args.eos_token - - model, tokenizer = load( - args.model, - adapter_path=args.adapter_path, - tokenizer_config=tokenizer_config, - ) - - if args.use_default_chat_template: - if tokenizer.chat_template is None: - tokenizer.chat_template = tokenizer.default_chat_template - - if not args.ignore_chat_template and ( - hasattr(tokenizer, "apply_chat_template") - and tokenizer.chat_template is not None - ): - messages = [{"role": "user", "content": args.prompt}] - prompt = tokenizer.apply_chat_template( - messages, tokenize=False, add_generation_prompt=True - ) - else: - prompt = args.prompt - - formatter = colorprint_by_t0 if args.colorize else None - - generate( - model, - tokenizer, - prompt, - args.max_tokens, - verbose=True, - formatter=formatter, - temp=args.temp, - top_p=args.top_p, - ) - - -if __name__ == "__main__": - main() diff --git a/llms/mlx_lm/gguf.py b/llms/mlx_lm/gguf.py deleted file mode 100644 index 1f858d70..00000000 --- a/llms/mlx_lm/gguf.py +++ /dev/null @@ -1,313 +0,0 @@ -import re -from enum import IntEnum -from pathlib import Path -from typing import Iterable, Optional, Set, Tuple, Union - -import mlx.core as mx -from transformers import AutoTokenizer - - -class TokenType(IntEnum): - NORMAL = 1 - UNKNOWN = 2 - CONTROL = 3 - USER_DEFINED = 4 - UNUSED = 5 - BYTE = 6 - - -class GGMLFileType(IntEnum): - GGML_TYPE_F16 = 1 - - -# copied from https://github.com/ggerganov/llama.cpp/blob/master/convert.py#L455 -class HfVocab: - def __init__( - self, - fname_tokenizer: Path, - fname_added_tokens: Optional[Union[Path, None]] = None, - ) -> None: - self.tokenizer = AutoTokenizer.from_pretrained( - fname_tokenizer, - cache_dir=fname_tokenizer, - local_files_only=True, - ) - self.added_tokens_list = [] - self.added_tokens_dict = dict() - self.added_tokens_ids = set() - for tok, tokidx in sorted( - self.tokenizer.get_added_vocab().items(), key=lambda x: x[1] - ): - if tokidx >= self.tokenizer.vocab_size: - self.added_tokens_list.append(tok) - self.added_tokens_dict[tok] = tokidx - self.added_tokens_ids.add(tokidx) - self.specials = { - tok: self.tokenizer.get_vocab()[tok] - for tok in self.tokenizer.all_special_tokens - } - self.special_ids = set(self.tokenizer.all_special_ids) - self.vocab_size_base = self.tokenizer.vocab_size - self.vocab_size = self.vocab_size_base + len(self.added_tokens_list) - self.fname_tokenizer = fname_tokenizer - self.fname_added_tokens = fname_added_tokens - - def hf_tokens(self) -> Iterable[Tuple[bytes, float, TokenType]]: - reverse_vocab = { - id: encoded_tok for encoded_tok, id in self.tokenizer.get_vocab().items() - } - for token_id in range(self.vocab_size_base): - if token_id in self.added_tokens_ids: - continue - token_text = reverse_vocab[token_id].encode("utf-8") - yield token_text, self.get_token_score(token_id), self.get_token_type( - token_id, token_text, self.special_ids - ) - - def get_token_type( - self, token_id: int, token_text: bytes, special_ids: Set[int] - ) -> TokenType: - if re.fullmatch(rb"<0x[0-9A-Fa-f]{2}>", token_text): - return TokenType.BYTE - return TokenType.CONTROL if token_id in special_ids else TokenType.NORMAL - - def get_token_score(self, token_id: int) -> float: - return -1000.0 - - def added_tokens(self) -> Iterable[Tuple[bytes, float, TokenType]]: - for text in self.added_tokens_list: - if text in self.specials: - toktype = self.get_token_type( - self.specials[text], b"", self.special_ids - ) - score = self.get_token_score(self.specials[text]) - else: - toktype = TokenType.USER_DEFINED - score = -1000.0 - yield text.encode("utf-8"), score, toktype - - def has_newline_token(self): - return "<0x0A>" in self.tokenizer.vocab or "\n" in self.tokenizer.vocab - - def all_tokens(self) -> Iterable[Tuple[bytes, float, TokenType]]: - yield from self.hf_tokens() - yield from self.added_tokens() - - def __repr__(self) -> str: - return f"" - - @staticmethod - def load(path: Path) -> "HfVocab": - added_tokens_path = path.parent / "added_tokens.json" - return HfVocab(path, added_tokens_path if added_tokens_path.exists() else None) - - -def translate_weight_names(name): - name = name.replace("model.layers.", "blk.") - # for mixtral gate - name = name.replace("block_sparse_moe.gate", "ffn_gate_inp") - # for mixtral experts ffns - pattern = r"block_sparse_moe\.experts\.(\d+)\.w1\.weight" - replacement = r"ffn_gate.\1.weight" - name = re.sub(pattern, replacement, name) - pattern = r"block_sparse_moe\.experts\.(\d+)\.w2\.weight" - replacement = r"ffn_down.\1.weight" - name = re.sub(pattern, replacement, name) - pattern = r"block_sparse_moe\.experts\.(\d+)\.w3\.weight" - replacement = r"ffn_up.\1.weight" - name = re.sub(pattern, replacement, name) - - name = name.replace("mlp.gate_proj", "ffn_gate") - name = name.replace("mlp.down_proj", "ffn_down") - name = name.replace("mlp.up_proj", "ffn_up") - name = name.replace("self_attn.q_proj", "attn_q") - name = name.replace("self_attn.k_proj", "attn_k") - name = name.replace("self_attn.v_proj", "attn_v") - name = name.replace("self_attn.o_proj", "attn_output") - name = name.replace("input_layernorm", "attn_norm") - name = name.replace("post_attention_layernorm", "ffn_norm") - name = name.replace("model.embed_tokens", "token_embd") - name = name.replace("model.norm", "output_norm") - name = name.replace("lm_head", "output") - return name - - -def permute_weights(weights, n_head, n_head_kv=None): - if n_head_kv is not None and n_head != n_head_kv: - n_head = n_head_kv - reshaped = weights.reshape( - n_head, 2, weights.shape[0] // n_head // 2, *weights.shape[1:] - ) - swapped = reshaped.swapaxes(1, 2) - final_shape = weights.shape - return swapped.reshape(final_shape) - - -def prepare_metadata(config, vocab): - metadata = { - "general.name": "llama", - "llama.context_length": ( - mx.array(config["max_position_embeddings"], dtype=mx.uint32) - if config.get("max_position_embeddings") is not None - else None - ), - "llama.embedding_length": ( - mx.array(config["hidden_size"], dtype=mx.uint32) - if config.get("hidden_size") is not None - else None - ), - "llama.block_count": ( - mx.array(config["num_hidden_layers"], dtype=mx.uint32) - if config.get("num_hidden_layers") is not None - else None - ), - "llama.feed_forward_length": ( - mx.array(config["intermediate_size"], dtype=mx.uint32) - if config.get("intermediate_size") is not None - else None - ), - "llama.rope.dimension_count": ( - mx.array( - config["hidden_size"] // config["num_attention_heads"], dtype=mx.uint32 - ) - if config.get("hidden_size") is not None - and config.get("num_attention_heads") is not None - else None - ), - "llama.attention.head_count": ( - mx.array(config["num_attention_heads"], dtype=mx.uint32) - if config.get("num_attention_heads") is not None - else None - ), - "llama.attention.head_count_kv": ( - mx.array( - config.get("num_key_value_heads", config["num_attention_heads"]), - dtype=mx.uint32, - ) - if config.get("num_attention_heads") is not None - else None - ), - "llama.expert_count": ( - mx.array(config.get("num_local_experts", None), dtype=mx.uint32) - if config.get("num_local_experts") is not None - else None - ), - "llama.expert_used_count": ( - mx.array(config.get("num_experts_per_tok", None), dtype=mx.uint32) - if config.get("num_experts_per_tok") is not None - else None - ), - "llama.attention.layer_norm_rms_epsilon": ( - mx.array(config.get("rms_norm_eps", 1e-05)) - if config.get("rms_norm_eps") is not None - else None - ), - "llama.rope.freq_base": ( - mx.array(config.get("rope_theta", 10000), dtype=mx.float32) - if config.get("rope_theta") is not None - else None - ), - } - - rope_scaling = config.get("rope_scaling") - if rope_scaling is not None and (typ := rope_scaling.get("type")): - rope_factor = rope_scaling.get("factor") - f_rope_scale = rope_factor - if typ == "linear": - rope_scaling_type = "linear" - metadata["llama.rope.scaling.type"] = rope_scaling_type - metadata["llama.rope.scaling.factor"] = mx.array(f_rope_scale) - - metadata["general.file_type"] = mx.array( - GGMLFileType.GGML_TYPE_F16.value, - dtype=mx.uint32, - ) - metadata["general.quantization_version"] = mx.array( - GGMLFileType.GGML_TYPE_F16.value, - dtype=mx.uint32, - ) - metadata["general.name"] = config.get("_name_or_path", "llama").split("/")[-1] - metadata["general.architecture"] = "llama" - metadata["general.alignment"] = mx.array(32, dtype=mx.uint32) - - # add metadata for vocab - metadata["tokenizer.ggml.model"] = "llama" - tokens = [] - scores = [] - toktypes = [] - for text, score, toktype in vocab.all_tokens(): - tokens.append(text) - scores.append(score) - toktypes.append(toktype.value) - assert len(tokens) == vocab.vocab_size - metadata["tokenizer.ggml.tokens"] = tokens - metadata["tokenizer.ggml.scores"] = mx.array(scores, dtype=mx.float32) - metadata["tokenizer.ggml.token_type"] = mx.array(toktypes, dtype=mx.uint32) - metadata["tokenizer.ggml.bos_token_id"] = mx.array( - vocab.tokenizer.bos_token_id, dtype=mx.uint32 - ) - metadata["tokenizer.ggml.eos_token_id"] = mx.array( - vocab.tokenizer.eos_token_id, dtype=mx.uint32 - ) - metadata["tokenizer.ggml.unknown_token_id"] = mx.array( - vocab.tokenizer.unk_token_id, dtype=mx.uint32 - ) - - metadata = {k: v for k, v in metadata.items() if v is not None} - return metadata - - -def convert_to_gguf( - model_path: Union[str, Path], - weights: dict, - config: dict, - output_file_path: str, -): - if isinstance(model_path, str): - model_path = Path(model_path) - - quantization = config.get("quantization", None) - if quantization: - raise NotImplementedError( - "Conversion of quantized models is not yet supported." - ) - print("Converting to GGUF format") - # https://github.com/ggerganov/llama.cpp/blob/master/convert.py#L1182 seems relate to llama.cpp's multihead attention - weights = { - k: ( - permute_weights( - v, config["num_attention_heads"], config["num_attention_heads"] - ) - if "self_attn.q_proj.weight" in k - else ( - permute_weights( - v, config["num_attention_heads"], config["num_key_value_heads"] - ) - if "self_attn.k_proj.weight" in k - else v - ) - ) - for k, v in weights.items() - } - - # rename weights for gguf format - weights = {translate_weight_names(k): v for k, v in weights.items()} - - if not (model_path / "tokenizer.json").exists(): - raise ValueError("Tokenizer json not found") - - vocab = HfVocab.load(model_path) - metadata = prepare_metadata(config, vocab) - - weights = { - k: ( - v.astype(mx.float32).astype(mx.float16) - if v.dtype == mx.bfloat16 - else v.astype(mx.float32) if "norm" in k else v - ) - for k, v in weights.items() - } - - output_file_path = output_file_path - mx.save_gguf(output_file_path, weights, metadata) - print(f"Converted GGUF model saved as: {output_file_path}") diff --git a/llms/mlx_lm/lora.py b/llms/mlx_lm/lora.py deleted file mode 100644 index 580e3d3c..00000000 --- a/llms/mlx_lm/lora.py +++ /dev/null @@ -1,278 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import argparse -import math -import re -import types -from pathlib import Path - -import mlx.nn as nn -import mlx.optimizers as optim -import numpy as np -import yaml - -from .tokenizer_utils import TokenizerWrapper -from .tuner.datasets import load_dataset -from .tuner.trainer import TrainingArgs, TrainingCallback, evaluate, train -from .tuner.utils import ( - apply_lora_layers, - build_schedule, - linear_to_lora_layers, - print_trainable_parameters, -) -from .utils import load, save_config - -yaml_loader = yaml.SafeLoader -yaml_loader.add_implicit_resolver( - "tag:yaml.org,2002:float", - re.compile( - """^(?: - [-+]?(?:[0-9][0-9_]*)\\.[0-9_]*(?:[eE][-+]?[0-9]+)? - |[-+]?(?:[0-9][0-9_]*)(?:[eE][-+]?[0-9]+) - |\\.[0-9_]+(?:[eE][-+][0-9]+)? - |[-+]?[0-9][0-9_]*(?::[0-5]?[0-9])+\\.[0-9_]* - |[-+]?\\.(?:inf|Inf|INF) - |\\.(?:nan|NaN|NAN))$""", - re.X, - ), - list("-+0123456789."), -) - -CONFIG_DEFAULTS = { - "model": "mlx_model", - "train": False, - "data": "data/", - "seed": 0, - "lora_layers": 16, - "batch_size": 4, - "iters": 1000, - "val_batches": 25, - "learning_rate": 1e-5, - "steps_per_report": 10, - "steps_per_eval": 200, - "resume_adapter_file": None, - "adapter_path": "adapters", - "save_every": 100, - "test": False, - "test_batches": 500, - "max_seq_length": 2048, - "lr_schedule": None, - "lora_parameters": {"rank": 8, "alpha": 16, "dropout": 0.0, "scale": 10.0}, - "use_dora": False, -} - - -def build_parser(): - parser = argparse.ArgumentParser(description="LoRA or QLoRA finetuning.") - parser.add_argument( - "--model", - help="The path to the local model directory or Hugging Face repo.", - ) - - # Training args - parser.add_argument( - "--train", - action="store_true", - help="Do training", - default=None, - ) - parser.add_argument( - "--data", - type=str, - help="Directory with {train, valid, test}.jsonl files", - ) - parser.add_argument( - "--lora-layers", - type=int, - help="Number of layers to fine-tune. Default is 16, use -1 for all.", - ) - parser.add_argument("--batch-size", type=int, help="Minibatch size.") - parser.add_argument("--iters", type=int, help="Iterations to train for.") - parser.add_argument( - "--val-batches", - type=int, - help="Number of validation batches, -1 uses the entire validation set.", - ) - parser.add_argument("--learning-rate", type=float, help="Adam learning rate.") - parser.add_argument( - "--steps-per-report", - type=int, - help="Number of training steps between loss reporting.", - ) - parser.add_argument( - "--steps-per-eval", - type=int, - help="Number of training steps between validations.", - ) - parser.add_argument( - "--resume-adapter-file", - type=str, - help="Load path to resume training with the given adapters.", - ) - parser.add_argument( - "--adapter-path", - type=str, - help="Save/load path for the adapters.", - ) - parser.add_argument( - "--save-every", - type=int, - help="Save the model every N iterations.", - ) - parser.add_argument( - "--test", - action="store_true", - help="Evaluate on the test set after training", - default=None, - ) - parser.add_argument( - "--test-batches", - type=int, - help="Number of test set batches, -1 uses the entire test set.", - ) - parser.add_argument( - "--max-seq-length", - type=int, - help="Maximum sequence length.", - ) - parser.add_argument( - "-c", - "--config", - default=None, - help="A YAML configuration file with the training options", - ) - parser.add_argument( - "--grad-checkpoint", - action="store_true", - help="Use gradient checkpointing to reduce memory use.", - default=None, - ) - parser.add_argument("--seed", type=int, default=None, help="The PRNG seed") - parser.add_argument( - "--use-dora", action="store_true", default=None, help="Use DoRA to finetune." - ) - return parser - - -def train_model( - args, - model: nn.Module, - tokenizer: TokenizerWrapper, - train_set, - valid_set, - training_callback: TrainingCallback = None, -): - # Freeze all layers - model.freeze() - - # Convert linear layers to lora layers and unfreeze in the process - linear_to_lora_layers(model, args.lora_layers, args.lora_parameters, args.use_dora) - - # Resume training the given adapters. - if args.resume_adapter_file is not None: - print(f"Loading pretrained adapters from {args.resume_adapter_file}") - model.load_weights(args.resume_adapter_file, strict=False) - - print_trainable_parameters(model) - - adapter_path = Path(args.adapter_path) - adapter_path.mkdir(parents=True, exist_ok=True) - adapter_file = adapter_path / "adapters.safetensors" - save_config(vars(args), adapter_path / "adapter_config.json") - - # init training args - training_args = TrainingArgs( - batch_size=args.batch_size, - iters=args.iters, - val_batches=args.val_batches, - steps_per_report=args.steps_per_report, - steps_per_eval=args.steps_per_eval, - steps_per_save=args.save_every, - adapter_file=adapter_file, - max_seq_length=args.max_seq_length, - grad_checkpoint=args.grad_checkpoint, - ) - - model.train() - opt = optim.Adam( - learning_rate=( - build_schedule(args.lr_schedule) if args.lr_schedule else args.learning_rate - ) - ) - # Train model - train( - model=model, - tokenizer=tokenizer, - args=training_args, - optimizer=opt, - train_dataset=train_set, - val_dataset=valid_set, - training_callback=training_callback, - ) - - -def evaluate_model(args, model: nn.Module, tokenizer: TokenizerWrapper, test_set): - model.eval() - - test_loss = evaluate( - model=model, - dataset=test_set, - tokenizer=tokenizer, - batch_size=args.batch_size, - num_batches=args.test_batches, - max_seq_length=args.max_seq_length, - ) - - test_ppl = math.exp(test_loss) - - print(f"Test loss {test_loss:.3f}, Test ppl {test_ppl:.3f}.") - - -def run(args, training_callback: TrainingCallback = None): - np.random.seed(args.seed) - - print("Loading pretrained model") - model, tokenizer = load(args.model) - - print("Loading datasets") - train_set, valid_set, test_set = load_dataset(args, tokenizer) - - if args.test and not args.train: - # Allow testing without LoRA layers by providing empty path - if args.adapter_path != "": - apply_lora_layers(model, args.adapter_path) - - elif args.train: - print("Training") - train_model(args, model, tokenizer, train_set, valid_set, training_callback) - else: - raise ValueError("Must provide at least one of --train or --test") - - if args.test: - print("Testing") - evaluate_model(args, model, tokenizer, test_set) - - -def main(): - parser = build_parser() - args = parser.parse_args() - config = args.config - args = vars(args) - if config: - print("Loading configuration file", config) - with open(config, "r") as file: - config = yaml.load(file, yaml_loader) - # Prefer parameters from command-line arguments - for k, v in config.items(): - if args.get(k, None) is None: - args[k] = v - - # Update defaults for unspecified parameters - for k, v in CONFIG_DEFAULTS.items(): - if args.get(k, None) is None: - args[k] = v - run(types.SimpleNamespace(**args)) - - -if __name__ == "__main__": - main() diff --git a/llms/mlx_lm/manage.py b/llms/mlx_lm/manage.py deleted file mode 100644 index bb5c3a09..00000000 --- a/llms/mlx_lm/manage.py +++ /dev/null @@ -1,121 +0,0 @@ -import argparse -from typing import List, Union - -from huggingface_hub import scan_cache_dir -from transformers.commands.user import tabulate - - -def ask_for_confirmation(message: str) -> bool: - y = ("y", "yes", "1") - n = ("n", "no", "0") - all_values = y + n + ("",) - full_message = f"{message} (Y/n) " - while True: - answer = input(full_message).lower() - if answer == "": - return False - if answer in y: - return True - if answer in n: - return False - print(f"Invalid input. Must be one of {all_values}") - - -def main(): - parser = argparse.ArgumentParser(description="MLX Model Cache.") - parser.add_argument( - "--scan", - action="store_true", - help="Scan Hugging Face cache for mlx models.", - ) - parser.add_argument( - "--delete", - action="store_true", - help="Delete models matching the given pattern.", - ) - parser.add_argument( - "--pattern", - type=str, - help="Model repos contain the pattern.", - default="mlx", - ) - - args = parser.parse_args() - - if args.scan: - print( - "Scanning Hugging Face cache for models with" f'pattern "{args.pattern}".' - ) - hf_cache_info = scan_cache_dir() - print( - tabulate( - rows=[ - [ - repo.repo_id, - repo.repo_type, - "{:>12}".format(repo.size_on_disk_str), - repo.nb_files, - repo.last_accessed_str, - repo.last_modified_str, - str(repo.repo_path), - ] - for repo in sorted( - hf_cache_info.repos, key=lambda repo: repo.repo_path - ) - if args.pattern in repo.repo_id - ], - headers=[ - "REPO ID", - "REPO TYPE", - "SIZE ON DISK", - "NB FILES", - "LAST_ACCESSED", - "LAST_MODIFIED", - "LOCAL PATH", - ], - ) - ) - - if args.delete: - print(f'Deleting models matching pattern "{args.pattern}"') - hf_cache_info = scan_cache_dir() - - repos = [ - repo - for repo in sorted(hf_cache_info.repos, key=lambda repo: repo.repo_path) - if args.pattern in repo.repo_id - ] - if repos: - print( - tabulate( - rows=[ - [ - repo.repo_id, - str(repo.repo_path), - ] - for repo in repos - ], - headers=[ - "REPO ID", - "LOCAL PATH", - ], - ) - ) - - confirmed = ask_for_confirmation(f"Confirm deletion ?") - if confirmed: - for model_info in repos: - for revision in sorted( - model_info.revisions, key=lambda revision: revision.commit_hash - ): - strategy = hf_cache_info.delete_revisions(revision.commit_hash) - strategy.execute() - print("Model(s) deleted.") - else: - print("Deletion is cancelled. Do nothing.") - else: - print(f"No models found.") - - -if __name__ == "__main__": - main() diff --git a/llms/mlx_lm/merge.py b/llms/mlx_lm/merge.py deleted file mode 100644 index a009338e..00000000 --- a/llms/mlx_lm/merge.py +++ /dev/null @@ -1,172 +0,0 @@ -# Copyright © 2023-2024 Apple Inc. - -import argparse -import glob -import shutil -from pathlib import Path -from typing import Optional - -import mlx.core as mx -import mlx.nn as nn -import numpy as np -import yaml -from mlx.utils import tree_flatten, tree_map - -from .utils import ( - fetch_from_hub, - get_model_path, - save_config, - save_weights, - upload_to_hub, -) - - -def configure_parser() -> argparse.ArgumentParser: - """ - Configures and returns the argument parser for the script. - - Returns: - argparse.ArgumentParser: Configured argument parser. - """ - parser = argparse.ArgumentParser(description="Merge multiple models.") - - parser.add_argument("--config", type=str, help="Path to the YAML config.") - parser.add_argument( - "--mlx-path", - type=str, - default="mlx_merged_model", - help="Path to save the MLX model.", - ) - parser.add_argument( - "--upload-repo", - help="The Hugging Face repo to upload the model to.", - type=str, - default=None, - ) - return parser - - -def slerp(t, w1, w2, eps=1e-5): - """ - Spherical linear interpolation - - Args: - t (float): Interpolation weight in [0.0, 1.0] - w1 (mx.array): First input - w2 (mx.array): Second input - eps (float): Constant for numerical stability - Returns: - mx.array: Interpolated result - """ - t = float(t) - if t == 0: - return w1 - elif t == 1: - return w2 - # Normalize - v1 = w1 / mx.linalg.norm(w1) - v2 = w2 / mx.linalg.norm(w2) - # Angle - dot = mx.clip((v1 * v2).sum(), 0.0, 1.0) - theta = mx.arccos(dot) - sin_theta = mx.sin(theta + eps) - s1 = mx.sin(theta * (1 - t)) / sin_theta - s2 = mx.sin(theta * t) / sin_theta - return s1 * w1 + s2 * w2 - - -def merge_models(base_model: nn.Module, model: nn.Module, config: dict): - method = config.get("method", None) - if method != "slerp": - raise ValueError(f"Merge method {method} not supported") - - num_layers = len(model.layers) - - def unpack_values(vals): - if isinstance(vals, (int, float)): - return np.full(num_layers, vals) - bins = len(vals) - 1 - sizes = [num_layers // bins] * bins - sizes[-1] = num_layers - sum(sizes[:-1]) - return np.concatenate( - [np.linspace(v1, v2, s) for v1, v2, s in zip(vals[:-1], vals[1:], sizes)] - ) - - param_list = config["parameters"]["t"] - params = {} - filter_keys = set() - for pl in param_list[:-1]: - params[pl["filter"]] = unpack_values(pl["value"]) - filter_keys.add(pl["filter"]) - default = unpack_values(param_list[-1]["value"]) - - for e in range(num_layers): - bl = base_model.layers[e] - l = model.layers[e] - base_weights = bl.parameters() - weights = l.parameters() - for k, w1 in base_weights.items(): - w2 = weights[k] - t = params.get(k, default)[e] - base_weights[k] = tree_map(lambda x, y: slerp(t, x, y), w1, w2) - base_model.update(base_weights) - - -def merge( - config: str, - mlx_path: str = "mlx_model", - upload_repo: Optional[str] = None, -): - with open(config, "r") as fid: - merge_conf = yaml.safe_load(fid) - print("[INFO] Loading") - - model_paths = merge_conf.get("models", []) - if len(model_paths) < 2: - raise ValueError(f"Expected at least 2 models, got {len(model_paths)}.") - - # Load all models - base_hf_path = model_paths[0] - base_path = get_model_path(base_hf_path) - base_model, base_config, tokenizer = fetch_from_hub(base_path, lazy=True) - models = [] - for mp in model_paths[1:]: - model, model_config, _ = fetch_from_hub(get_model_path(mp), lazy=True) - base_type = base_config["model_type"] - model_type = model_config["model_type"] - if base_type != model_type: - raise ValueError( - f"Can only merge models of the same type," - f" but got {base_type} and {model_type}." - ) - models.append(model) - - # Merge models into base model - for m in models: - merge_models(base_model, m, merge_conf) - - # Save base model - mlx_path = Path(mlx_path) - weights = dict(tree_flatten(base_model.parameters())) - del models, base_model - save_weights(mlx_path, weights, donate_weights=True) - py_files = glob.glob(str(base_path / "*.py")) - for file in py_files: - shutil.copy(file, mlx_path) - - tokenizer.save_pretrained(mlx_path) - - save_config(config, config_path=mlx_path / "config.json") - - if upload_repo is not None: - upload_to_hub(mlx_path, upload_repo, base_hf_path) - - -def main(): - parser = configure_parser() - args = parser.parse_args() - merge(**vars(args)) - - -if __name__ == "__main__": - main() diff --git a/llms/mlx_lm/models/__init__.py b/llms/mlx_lm/models/__init__.py deleted file mode 100644 index e69de29b..00000000 diff --git a/llms/mlx_lm/models/base.py b/llms/mlx_lm/models/base.py deleted file mode 100644 index 8c3ecc78..00000000 --- a/llms/mlx_lm/models/base.py +++ /dev/null @@ -1,62 +0,0 @@ -import inspect -from dataclasses import dataclass - -import mlx.core as mx - - -def create_additive_causal_mask(N: int, offset: int = 0): - rinds = mx.arange(offset + N) - linds = mx.arange(offset, offset + N) if offset else rinds - mask = linds[:, None] < rinds[None] - return mask * -1e9 - - -class KVCache: - - def __init__(self, head_dim, n_kv_heads): - self.n_kv_heads = n_kv_heads - if isinstance(head_dim, int): - self.k_head_dim = self.v_head_dim = head_dim - elif isinstance(head_dim, tuple) and len(head_dim) == 2: - self.k_head_dim, self.v_head_dim = head_dim - else: - raise ValueError("head_dim must be an int or a tuple of two ints") - self.keys = None - self.values = None - self.offset = 0 - self.step = 256 - - def update_and_fetch(self, keys, values): - prev = self.offset - if self.keys is None or (prev + keys.shape[2]) > self.keys.shape[2]: - n_steps = (self.step + keys.shape[2] - 1) // self.step - k_shape = (1, self.n_kv_heads, n_steps * self.step, self.k_head_dim) - v_shape = (1, self.n_kv_heads, n_steps * self.step, self.v_head_dim) - new_k = mx.zeros(k_shape, keys.dtype) - new_v = mx.zeros(v_shape, values.dtype) - if self.keys is not None: - if prev % self.step != 0: - self.keys = self.keys[..., :prev, :] - self.values = self.values[..., :prev, :] - self.keys = mx.concatenate([self.keys, new_k], axis=2) - self.values = mx.concatenate([self.values, new_v], axis=2) - else: - self.keys, self.values = new_k, new_v - - self.offset += keys.shape[2] - self.keys[..., prev : self.offset, :] = keys - self.values[..., prev : self.offset, :] = values - return self.keys[..., : self.offset, :], self.values[..., : self.offset, :] - - -@dataclass -class BaseModelArgs: - @classmethod - def from_dict(cls, params): - return cls( - **{ - k: v - for k, v in params.items() - if k in inspect.signature(cls).parameters - } - ) diff --git a/llms/mlx_lm/models/cohere.py b/llms/mlx_lm/models/cohere.py deleted file mode 100644 index 621a85a2..00000000 --- a/llms/mlx_lm/models/cohere.py +++ /dev/null @@ -1,201 +0,0 @@ -from dataclasses import dataclass -from typing import Optional, Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int = 8192 - num_hidden_layers: int = 40 - intermediate_size: int = 22528 - num_attention_heads: int = 64 - num_key_value_heads: int = 64 - rope_theta: float = 8000000.0 - vocab_size: int = 256000 - layer_norm_eps: float = 1e-05 - logit_scale: float = 0.0625 - attention_bias: bool = False - layer_norm_bias: bool = False - use_qk_norm: bool = False - - -class LayerNorm2D(nn.Module): - - def __init__(self, d1, d2, eps): - super().__init__() - self.weight = mx.zeros((d1, d2)) - self.eps = eps - - def __call__(self, x): - return self.weight * mx.fast.layer_norm(x, None, None, self.eps) - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - - head_dim = args.hidden_size // args.num_attention_heads - self.scale = head_dim**-0.5 - - attetion_bias = args.attention_bias - - self.q_proj = nn.Linear(dim, n_heads * head_dim, bias=attetion_bias) - self.k_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=attetion_bias) - self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=attetion_bias) - self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=attetion_bias) - - self.use_qk_norm = args.use_qk_norm - if self.use_qk_norm: - self.q_norm = LayerNorm2D(self.n_heads, head_dim, eps=args.layer_norm_eps) - self.k_norm = LayerNorm2D( - self.n_kv_heads, head_dim, eps=args.layer_norm_eps - ) - - self.rope = nn.RoPE(head_dim, traditional=True, base=args.rope_theta) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - queries = queries.reshape(B, L, self.n_heads, -1) - keys = keys.reshape(B, L, self.n_kv_heads, -1) - if self.use_qk_norm: - queries = self.q_norm(queries) - keys = self.k_norm(keys) - - queries = queries.transpose(0, 2, 1, 3) - keys = keys.transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.gate_proj = nn.Linear(dim, hidden_dim, bias=False) - self.up_proj = nn.Linear(dim, hidden_dim, bias=False) - self.down_proj = nn.Linear(hidden_dim, dim, bias=False) - - def __call__(self, x): - return self.down_proj(nn.silu(self.gate_proj(x)) * self.up_proj(x)) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.hidden_size = args.hidden_size - self.n_heads = args.num_attention_heads - - self.self_attn = Attention(args) - self.mlp = MLP(args.hidden_size, args.intermediate_size) - self.input_layernorm = nn.LayerNorm( - args.hidden_size, eps=args.layer_norm_eps, bias=args.layer_norm_bias - ) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - h = self.input_layernorm(x) - attn_h = self.self_attn(h, mask, cache) - ff_h = self.mlp(h) - return attn_h + ff_h + x - - -class CohereModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = nn.LayerNorm( - args.hidden_size, eps=args.layer_norm_eps, bias=args.layer_norm_bias - ) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.model_type = args.model_type - self.model = CohereModel(args) - self.args = args - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - out = self.model.embed_tokens.as_linear(out) - out = out * self.model.args.logit_scale - return out - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/dbrx.py b/llms/mlx_lm/models/dbrx.py deleted file mode 100644 index dc310ca4..00000000 --- a/llms/mlx_lm/models/dbrx.py +++ /dev/null @@ -1,261 +0,0 @@ -from dataclasses import dataclass -from typing import Optional, Tuple - -import mlx.core as mx -import mlx.nn as nn -import numpy as np - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - vocab_size: int - d_model: int - ffn_config: dict - attn_config: dict - n_layers: int - n_heads: int - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.num_heads = args.n_heads - self.d_model = args.d_model - self.head_dim = args.d_model // args.n_heads - self.num_key_value_heads = args.attn_config["kv_n_heads"] - self.clip_qkv = args.attn_config["clip_qkv"] - self.rope_theta = args.attn_config["rope_theta"] - - self.scale = self.head_dim**-0.5 - - self.Wqkv = nn.Linear( - args.d_model, - (self.num_key_value_heads * 2 + self.num_heads) * self.head_dim, - bias=False, - ) - self.out_proj = nn.Linear(args.d_model, args.d_model, bias=False) - self.rope = nn.RoPE( - self.head_dim, - traditional=False, - base=self.rope_theta, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - - qkv = self.Wqkv(x) - qkv = mx.clip(qkv, a_min=-self.clip_qkv, a_max=self.clip_qkv) - splits = [self.d_model, self.d_model + self.head_dim * self.num_key_value_heads] - queries, keys, values = mx.split(qkv, splits, axis=-1) - - B, L, D = x.shape - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.num_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.num_key_value_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.num_key_value_heads, -1).transpose( - 0, 2, 1, 3 - ) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.out_proj(output) - - -class NormAttnNorm(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.norm_1 = nn.LayerNorm(args.d_model, bias=False) - self.norm_2 = nn.LayerNorm(args.d_model, bias=False) - self.attn = Attention(args) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - h = self.attn(self.norm_1(x), mask=mask, cache=cache) - x = h + x - return x, self.norm_2(x) - - -class MLP(nn.Module): - def __init__(self, d_model: int, ffn_dim: int): - super().__init__() - self.v1 = nn.Linear(d_model, ffn_dim, bias=False) - self.w1 = nn.Linear(d_model, ffn_dim, bias=False) - self.w2 = nn.Linear(ffn_dim, d_model, bias=False) - self.act_fn = nn.silu - - def __call__(self, x: mx.array) -> mx.array: - current_hidden_states = self.act_fn(self.w1(x)) * self.v1(x) - current_hidden_states = self.w2(current_hidden_states) - return current_hidden_states - - -class Router(nn.Module): - def __init__(self, d_model: int, num_experts: int): - super().__init__() - self.layer = nn.Linear(d_model, num_experts, bias=False) - - def __call__(self, x: mx.array): - return self.layer(x) - - -class SparseMoeBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.d_model = args.d_model - self.ffn_dim = args.ffn_config["ffn_hidden_size"] - self.num_experts = args.ffn_config["moe_num_experts"] - self.num_experts_per_tok = args.ffn_config["moe_top_k"] - - self.router = Router(self.d_model, self.num_experts) - self.experts = [ - MLP(self.d_model, self.ffn_dim) for _ in range(self.num_experts) - ] - - def __call__(self, x: mx.array) -> mx.array: - ne = self.num_experts_per_tok - orig_shape = x.shape - x = x.reshape(-1, x.shape[-1]) - - gates = self.router(x) - gates = mx.softmax(gates.astype(mx.float32), axis=-1) - - inds = mx.stop_gradient(mx.argpartition(-gates, kth=ne - 1, axis=-1)[:, :ne]) - scores = mx.take_along_axis(gates, inds, axis=-1) - scores = scores / mx.linalg.norm(scores, ord=1, axis=-1, keepdims=True) - scores = scores.astype(x.dtype) - - if self.training: - inds = np.array(inds) - y = mx.zeros((x.shape[0], ne, x.shape[-1]), x.dtype) - for e, expert in enumerate(self.experts): - idx1, idx2 = map(mx.array, np.where(inds == e)) - if idx1.size == 0: - continue - y[idx1, idx2] = expert(x[idx1]) - - y = (y * scores[:, :, None]).sum(axis=1) - else: - y = [] - for xt, st, it in zip(x, scores, inds.tolist()): - yt = mx.stack([self.experts[e](xt) for e in it], axis=-1) - yt = (yt * st).sum(axis=-1) - y.append(yt) - y = mx.stack(y, axis=0) - - return y.reshape(orig_shape) - - -class DecoderLayer(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.ffn = SparseMoeBlock(args) - self.norm_attn_norm = NormAttnNorm(args) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r, h = self.norm_attn_norm(x, mask, cache) - out = self.ffn(h) + r - return out - - -class DBRX(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.vocab_size = args.vocab_size - self.wte = nn.Embedding(args.vocab_size, args.d_model) - self.blocks = [DecoderLayer(args=args) for _ in range(args.n_layers)] - self.norm_f = nn.LayerNorm(args.d_model, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.wte(inputs) - - mask = None - T = h.shape[1] - if T > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(T) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.blocks) - - for layer, c in zip(self.blocks, cache): - h = layer(h, mask, c) - - return self.norm_f(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.model_type = args.model_type - self.transformer = DBRX(args) - self.lm_head = nn.Linear(args.d_model, args.vocab_size, bias=False) - self.args = args - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.transformer(inputs, cache) - return self.lm_head(out) - - @property - def layers(self): - return self.transformer.blocks - - def sanitize(self, weights): - # Split experts into sub matrices - num_experts = self.args.ffn_config["moe_num_experts"] - dim = self.args.ffn_config["ffn_hidden_size"] - - pattern = "experts.mlp" - new_weights = {k: v for k, v in weights.items() if pattern not in k} - for k, v in weights.items(): - if pattern in k: - experts = [ - (k.replace(".mlp", f".{e}") + ".weight", sv) - for e, sv in enumerate(mx.split(v, num_experts, axis=0)) - ] - if k.endswith("w2"): - experts = [(s, sv.T) for s, sv in experts] - new_weights.update(experts) - return new_weights - - @property - def head_dim(self): - return self.args.d_model // self.args.n_heads - - @property - def n_kv_heads(self): - return self.args.attn_config["kv_n_heads"] diff --git a/llms/mlx_lm/models/deepseek_v2.py b/llms/mlx_lm/models/deepseek_v2.py deleted file mode 100644 index 308b94ba..00000000 --- a/llms/mlx_lm/models/deepseek_v2.py +++ /dev/null @@ -1,468 +0,0 @@ -import math -from dataclasses import dataclass -from typing import Dict, Optional, Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs, KVCache -from .switch_layers import SwitchGLU - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str = "deepseek_v2" - vocab_size: int = 102400 - hidden_size: int = 4096 - intermediate_size: int = 11008 - moe_intermediate_size: int = 1407 - num_hidden_layers: int = 30 - num_attention_heads: int = 32 - num_key_value_heads: int = 32 - n_shared_experts: Optional[int] = None - n_routed_experts: Optional[int] = None - routed_scaling_factor: float = 1.0 - kv_lora_rank: int = 512 - q_lora_rank: int = 1536 - qk_rope_head_dim: int = 64 - v_head_dim: int = 128 - qk_nope_head_dim: int = 128 - topk_method: str = "gready" - n_group: Optional[int] = None - topk_group: Optional[int] = None - num_experts_per_tok: Optional[int] = None - moe_layer_freq: int = 1 - first_k_dense_replace: int = 0 - max_position_embeddings: int = 2048 - rms_norm_eps: float = 1e-6 - rope_theta: float = 10000.0 - rope_scaling: Optional[Dict] = None - attention_bias: bool = False - - -def yarn_find_correction_dim( - num_rotations, dim, base=10000, max_position_embeddings=2048 -): - return (dim * math.log(max_position_embeddings / (num_rotations * 2 * math.pi))) / ( - 2 * math.log(base) - ) - - -def yarn_find_correction_range( - low_rot, high_rot, dim, base=10000, max_position_embeddings=2048 -): - low = math.floor( - yarn_find_correction_dim(low_rot, dim, base, max_position_embeddings) - ) - high = math.ceil( - yarn_find_correction_dim(high_rot, dim, base, max_position_embeddings) - ) - return max(low, 0), min(high, dim - 1) - - -def yarn_get_mscale(scale=1, mscale=1): - if scale <= 1: - return 1.0 - return 0.1 * mscale * math.log(scale) + 1.0 - - -def yarn_linear_ramp_mask(min, max, dim): - if min == max: - max += 0.001 # Prevent singularity - - linear_func = (mx.arange(dim, dtype=mx.float32) - min) / (max - min) - ramp_func = mx.clip(linear_func, 0, 1) - return ramp_func - - -class DeepseekV2YarnRotaryEmbedding(nn.Module): - def __init__( - self, - dim, - max_position_embeddings=2048, - base=10000, - scaling_factor=1.0, - original_max_position_embeddings=4096, - beta_fast=32, - beta_slow=1, - mscale=1, - mscale_all_dim=0, - ): - super().__init__() - self.dim = dim - self.max_position_embeddings = max_position_embeddings - self.base = base - self.scaling_factor = scaling_factor - self.original_max_position_embeddings = original_max_position_embeddings - self.beta_fast = beta_fast - self.beta_slow = beta_slow - self.mscale = mscale - self.mscale_all_dim = mscale_all_dim - - self.max_seq_len_cached = None - self._cos_cached = None - self._sin_cached = None - self._inv_freq = None - self.set_cos_sin_cache(max_position_embeddings) - - def set_cos_sin_cache(self, seq_len): - self.max_seq_len_cached = seq_len - dim = self.dim - freq_extra = 1.0 / (self.base ** (mx.arange(0, dim, 2, dtype=mx.float32) / dim)) - freq_inter = 1.0 / ( - self.scaling_factor - * self.base ** (mx.arange(0, dim, 2, dtype=mx.float32) / dim) - ) - - low, high = yarn_find_correction_range( - self.beta_fast, - self.beta_slow, - dim, - self.base, - self.original_max_position_embeddings, - ) - inv_freq_mask = 1.0 - yarn_linear_ramp_mask(low, high, dim // 2) - inv_freq = freq_inter * (1 - inv_freq_mask) + freq_extra * inv_freq_mask - self._inv_freq = inv_freq - - t = mx.arange(seq_len, dtype=mx.float32) - freqs = mx.outer(t, inv_freq) - - mscale = yarn_get_mscale(self.scaling_factor, self.mscale) / yarn_get_mscale( - self.scaling_factor, self.mscale_all_dim - ) - - self._cos_cached = mx.cos(freqs) * mscale - self._sin_cached = mx.sin(freqs) * mscale - - def apply_rotary_pos_emb(self, x, cos, sin): - x1 = x[..., ::2] - x2 = x[..., 1::2] - rx1 = x1 * cos - x2 * sin - rx2 = x1 * sin + x2 * cos - return mx.concatenate([rx1, rx2], axis=-1) - - def __call__(self, x, offset=0): - seq_len = offset + x.shape[2] - if self.max_seq_len_cached is None or seq_len > self.max_seq_len_cached: - self.set_cos_sin_cache(seq_len=seq_len) - - if self._cos_cached.dtype != x.dtype: - self._cos_cached = self._cos_cached.astype(x.dtype) - self._sin_cached = self._sin_cached.astype(x.dtype) - - return self.apply_rotary_pos_emb( - x, - self._cos_cached[offset:seq_len], - self._sin_cached[offset:seq_len], - ) - - -class DeepseekV2Attention(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.config = config - self.hidden_size = config.hidden_size - self.num_heads = config.num_attention_heads - self.max_position_embeddings = config.max_position_embeddings - self.rope_theta = config.rope_theta - self.q_lora_rank = config.q_lora_rank - self.qk_rope_head_dim = config.qk_rope_head_dim - self.kv_lora_rank = config.kv_lora_rank - self.v_head_dim = config.v_head_dim - self.qk_nope_head_dim = config.qk_nope_head_dim - self.q_head_dim = config.qk_nope_head_dim + config.qk_rope_head_dim - - self.scale = self.q_head_dim**-0.5 - - if self.q_lora_rank is None: - self.q_proj = nn.Linear( - self.hidden_size, self.num_heads * self.q_head_dim, bias=False - ) - else: - self.q_a_proj = nn.Linear( - self.hidden_size, self.q_lora_rank, bias=config.attention_bias - ) - self.q_a_layernorm = nn.RMSNorm(self.q_lora_rank) - self.q_b_proj = nn.Linear( - self.q_lora_rank, self.num_heads * self.q_head_dim, bias=False - ) - - self.kv_a_proj_with_mqa = nn.Linear( - self.hidden_size, - self.kv_lora_rank + self.qk_rope_head_dim, - bias=config.attention_bias, - ) - self.kv_a_layernorm = nn.RMSNorm(self.kv_lora_rank) - self.kv_b_proj = nn.Linear( - self.kv_lora_rank, - self.num_heads - * (self.q_head_dim - self.qk_rope_head_dim + self.v_head_dim), - bias=False, - ) - - self.o_proj = nn.Linear( - self.num_heads * self.v_head_dim, - self.hidden_size, - bias=config.attention_bias, - ) - - if self.config.rope_scaling is not None: - mscale_all_dim = self.config.rope_scaling.get("mscale_all_dim", 0) - scaling_factor = self.config.rope_scaling["factor"] - if mscale_all_dim: - mscale = yarn_get_mscale(scaling_factor, mscale_all_dim) - self.scale = self.scale * mscale * mscale - - rope_kwargs = { - key: self.config.rope_scaling[key] - for key in [ - "original_max_position_embeddings", - "beta_fast", - "beta_slow", - "mscale", - "mscale_all_dim", - ] - if key in self.config.rope_scaling - } - self.rope = DeepseekV2YarnRotaryEmbedding( - dim=self.qk_rope_head_dim, - max_position_embeddings=self.max_position_embeddings, - scaling_factor=scaling_factor, - base=self.rope_theta, - **rope_kwargs, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - B, L, D = x.shape - - if self.q_lora_rank is None: - q = self.q_proj(x) - else: - q = self.q_b_proj(self.q_a_layernorm(self.q_a_proj(x))) - - q = q.reshape(B, L, self.num_heads, self.q_head_dim).transpose(0, 2, 1, 3) - q_nope, q_pe = mx.split(q, [self.qk_nope_head_dim], axis=-1) - compressed_kv = self.kv_a_proj_with_mqa(x) - compressed_kv, k_pe = mx.split(compressed_kv, [self.kv_lora_rank], axis=-1) - k_pe = k_pe.reshape(B, L, 1, self.qk_rope_head_dim).transpose(0, 2, 1, 3) - kv = self.kv_b_proj(self.kv_a_layernorm(compressed_kv)) - kv = kv.reshape(B, L, self.num_heads, -1).transpose(0, 2, 1, 3) - - k_nope, values = mx.split(kv, [self.qk_nope_head_dim], axis=-1) - - k_pe = mx.concatenate([k_pe] * self.num_heads, axis=1) - - if cache is not None: - q_pe = self.rope(q_pe, cache.offset) - k_pe = self.rope(k_pe, cache.offset) - keys, values = cache.update_and_fetch( - mx.concatenate([k_nope, k_pe], axis=-1), values - ) - else: - q_pe = self.rope(q_pe) - k_pe = self.rope(k_pe) - keys = mx.concatenate([k_nope, k_pe], axis=-1) - - queries = mx.concatenate([q_nope, q_pe], axis=-1) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class DeepseekV2MLP(nn.Module): - def __init__( - self, config: ModelArgs, hidden_size: int = None, intermediate_size: int = None - ): - super().__init__() - self.config = config - self.hidden_size = config.hidden_size if hidden_size is None else hidden_size - self.intermediate_size = ( - config.intermediate_size if intermediate_size is None else intermediate_size - ) - - self.gate_proj = nn.Linear(self.hidden_size, self.intermediate_size, bias=False) - self.up_proj = nn.Linear(self.hidden_size, self.intermediate_size, bias=False) - self.down_proj = nn.Linear(self.intermediate_size, self.hidden_size, bias=False) - - def __call__(self, x): - down_proj = self.down_proj(nn.silu(self.gate_proj(x)) * self.up_proj(x)) - return down_proj - - -class MoEGate(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.config = config - self.top_k = config.num_experts_per_tok - self.n_routed_experts = config.n_routed_experts - self.routed_scaling_factor = config.routed_scaling_factor - self.topk_method = config.topk_method - self.n_group = config.n_group - self.topk_group = config.topk_group - self.weight = mx.zeros((self.n_routed_experts, config.hidden_size)) - - def __call__(self, x): - gates = x @ self.weight.T - - scores = mx.softmax(gates, axis=-1, precise=True) - - if self.topk_method == "group_limited_greedy": - bsz, seq_len = x.shape[:2] - scores = scores.reshape(bsz, seq_len, self.n_group, -1) - group_scores = scores.max(axis=-1) - k = self.n_group - self.topk_group - group_idx = mx.argpartition(group_scores, kth=k - 1, axis=-1)[..., :k] - batch_idx = mx.expand_dims(mx.arange(bsz), (1, 2)) - seq_idx = mx.expand_dims(mx.arange(seq_len), (0, 2)) - scores[batch_idx, seq_idx, group_idx] = 0.0 - scores = scores.reshape(bsz, seq_len, -1) - - k = self.top_k - inds = mx.stop_gradient(mx.argpartition(-scores, kth=k - 1, axis=-1)[..., :k]) - scores = mx.take_along_axis(scores, inds, axis=-1) - scores = scores * self.routed_scaling_factor - - return inds, scores - - -class DeepseekV2MoE(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.config = config - self.num_experts_per_tok = config.num_experts_per_tok - self.switch_mlp = SwitchGLU( - config.hidden_size, config.moe_intermediate_size, config.n_routed_experts - ) - - self.gate = MoEGate(config) - if config.n_shared_experts is not None: - intermediate_size = config.moe_intermediate_size * config.n_shared_experts - self.shared_experts = DeepseekV2MLP( - config=config, intermediate_size=intermediate_size - ) - - def __call__(self, x): - inds, scores = self.gate(x) - y = self.switch_mlp(x, inds) - y = (y * scores[..., None]).sum(axis=-2) - if self.config.n_shared_experts is not None: - y = y + self.shared_experts(x) - - return y - - -class DeepseekV2DecoderLayer(nn.Module): - def __init__(self, config: ModelArgs, layer_idx: int): - super().__init__() - self.self_attn = DeepseekV2Attention(config) - self.mlp = ( - DeepseekV2MoE(config) - if ( - config.n_routed_experts is not None - and layer_idx >= config.first_k_dense_replace - and layer_idx % config.moe_layer_freq == 0 - ) - else DeepseekV2MLP(config) - ) - self.input_layernorm = nn.RMSNorm(config.hidden_size, eps=config.rms_norm_eps) - self.post_attention_layernorm = nn.RMSNorm( - config.hidden_size, eps=config.rms_norm_eps - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class DeepseekV2Model(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.vocab_size = config.vocab_size - self.embed_tokens = nn.Embedding(config.vocab_size, config.hidden_size) - self.layers = [ - DeepseekV2DecoderLayer(config, idx) - for idx in range(config.num_hidden_layers) - ] - self.norm = nn.RMSNorm(config.hidden_size, eps=config.rms_norm_eps) - - def __call__( - self, - x: mx.array, - cache: Optional[KVCache] = None, - ) -> mx.array: - h = self.embed_tokens(x) - mask = None - T = h.shape[1] - if T > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(T) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.args = config - self.model_type = config.model_type - self.model = DeepseekV2Model(config) - self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache: Optional[KVCache] = None, - ): - out = self.model(inputs, cache) - return self.lm_head(out) - - def sanitize(self, weights): - for l in range(self.args.num_hidden_layers): - prefix = f"model.layers.{l}" - for n, m in [("w1", "gate_proj"), ("w2", "down_proj"), ("w3", "up_proj")]: - for k in ["weight", "scales", "biases"]: - if f"{prefix}.mlp.experts.0.{m}.{k}" in weights: - to_join = [ - weights.pop(f"{prefix}.mlp.experts.{e}.{m}.{k}") - for e in range(self.args.n_routed_experts) - ] - weights[f"{prefix}.mlp.switch_mlp.{m}.{k}"] = mx.stack(to_join) - return weights - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return ( - self.args.qk_nope_head_dim + self.args.qk_rope_head_dim, - self.args.v_head_dim, - ) - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/gemma.py b/llms/mlx_lm/models/gemma.py deleted file mode 100644 index e48f1909..00000000 --- a/llms/mlx_lm/models/gemma.py +++ /dev/null @@ -1,184 +0,0 @@ -from dataclasses import dataclass -from typing import Optional, Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - head_dim: int - rms_norm_eps: float - vocab_size: int - num_key_value_heads: int - rope_theta: float = 10000 - rope_traditional: bool = False - - -class RMSNorm(nn.Module): - def __init__(self, dims: int, eps: float = 1e-5): - super().__init__() - self.weight = mx.ones((dims,)) - self.eps = eps - - def __call__(self, x): - return mx.fast.rms_norm(x, 1.0 + self.weight, self.eps) - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - self.head_dim = head_dim = args.head_dim - - self.scale = head_dim**-0.5 - - self.q_proj = nn.Linear(dim, n_heads * head_dim, bias=False) - self.k_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=False) - self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=False) - self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=False) - - self.rope = nn.RoPE( - head_dim, - traditional=args.rope_traditional, - base=args.rope_theta, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.gate_proj = nn.Linear(dim, hidden_dim, bias=False) - self.down_proj = nn.Linear(hidden_dim, dim, bias=False) - self.up_proj = nn.Linear(dim, hidden_dim, bias=False) - - def __call__(self, x) -> mx.array: - return self.down_proj(nn.gelu(self.gate_proj(x)) * self.up_proj(x)) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.num_attention_heads = args.num_attention_heads - self.hidden_size = args.hidden_size - self.self_attn = Attention(args) - self.mlp = MLP(args.hidden_size, args.intermediate_size) - self.input_layernorm = RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.post_attention_layernorm = RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class GemmaModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - h = h * (self.args.hidden_size**0.5) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.model_type = args.model_type - self.model = GemmaModel(args) - self.args = args - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - out = self.model.embed_tokens.as_linear(out) - return out - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.head_dim - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/gemma2.py b/llms/mlx_lm/models/gemma2.py deleted file mode 100644 index 1ab403da..00000000 --- a/llms/mlx_lm/models/gemma2.py +++ /dev/null @@ -1,211 +0,0 @@ -from dataclasses import dataclass -from typing import Optional, Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - head_dim: int - rms_norm_eps: float - vocab_size: int - num_key_value_heads: int - rope_theta: float = 10000 - rope_traditional: bool = False - attn_logit_softcapping: float = 50.0 - final_logit_softcapping: float = 30.0 - query_pre_attn_scalar: float = 144.0 - - -class RMSNorm(nn.Module): - def __init__(self, dims: int, eps: float = 1e-5): - super().__init__() - self.weight = mx.ones((dims,)) - self.eps = eps - - def __call__(self, x): - return mx.fast.rms_norm(x, 1.0 + self.weight, self.eps) - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - self.repeats = n_heads // n_kv_heads - self.head_dim = head_dim = args.head_dim - - self.scale = 1.0 / (args.query_pre_attn_scalar**0.5) - - self.q_proj = nn.Linear(dim, n_heads * head_dim, bias=False) - self.k_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=False) - self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=False) - self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=False) - self.attn_logit_softcapping = args.attn_logit_softcapping - self.rope = nn.RoPE( - head_dim, - traditional=args.rope_traditional, - base=args.rope_theta, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - queries = queries * self.scale - - if self.repeats > 1: - queries = queries.reshape( - B, self.n_kv_heads, self.repeats, L, self.head_dim - ) - keys = mx.expand_dims(keys, 2) - values = mx.expand_dims(values, 2) - - scores = queries @ keys.swapaxes(-1, -2) - scores = mx.tanh(scores / self.attn_logit_softcapping) - scores *= self.attn_logit_softcapping - - if mask is not None: - scores = scores + mask - scores = mx.softmax(scores, precise=True, axis=-1) - output = scores @ values - if self.repeats > 1: - output = output.reshape(B, self.n_heads, L, self.head_dim) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.gate_proj = nn.Linear(dim, hidden_dim, bias=False) - self.down_proj = nn.Linear(hidden_dim, dim, bias=False) - self.up_proj = nn.Linear(dim, hidden_dim, bias=False) - - def __call__(self, x) -> mx.array: - return self.down_proj(nn.gelu(self.gate_proj(x)) * self.up_proj(x)) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.num_attention_heads = args.num_attention_heads - self.hidden_size = args.hidden_size - self.self_attn = Attention(args) - self.mlp = MLP(args.hidden_size, args.intermediate_size) - self.input_layernorm = RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.pre_feedforward_layernorm = RMSNorm( - args.hidden_size, eps=args.rms_norm_eps - ) - self.post_feedforward_layernorm = RMSNorm( - args.hidden_size, eps=args.rms_norm_eps - ) - self.post_attention_layernorm = RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x.astype(mx.float32)), mask, cache) - h = x + self.post_attention_layernorm(r) - r = self.mlp(self.pre_feedforward_layernorm(h).astype(mx.float16)).astype( - mx.float32 - ) - out = h + self.post_feedforward_layernorm(r) - return out - - -class GemmaModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - h = h * (self.args.hidden_size**0.5) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.model_type = args.model_type - self.final_logit_softcapping = args.final_logit_softcapping - self.model = GemmaModel(args) - self.args = args - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - out = self.model.embed_tokens.as_linear(out) - out = mx.tanh(out / self.final_logit_softcapping) - out = out * self.final_logit_softcapping - return out - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.head_dim - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/gpt2.py b/llms/mlx_lm/models/gpt2.py deleted file mode 100644 index ece7b6ec..00000000 --- a/llms/mlx_lm/models/gpt2.py +++ /dev/null @@ -1,207 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn -import numpy as np - -from .base import BaseModelArgs, create_additive_causal_mask - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - n_ctx: int - n_embd: int - n_head: int - n_layer: int - n_positions: int - layer_norm_epsilon: float - vocab_size: int - num_key_value_heads: int = None - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.n_head - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - assert args.n_embd % args.n_head == 0, "n_embd must be divisible by n_head" - - self.n_embd = args.n_embd - self.n_head = args.n_head - self.head_dim = self.n_embd // self.n_head - - self.scale = self.head_dim**-0.5 - - self.c_attn = nn.Linear(self.n_embd, 3 * self.n_embd, bias=True) - self.c_proj = nn.Linear(self.n_embd, self.n_embd, bias=True) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - qkv = self.c_attn(x) - queries, keys, values = mx.split(qkv, 3, axis=-1) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_head, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_head, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_head, -1).transpose(0, 2, 1, 3) - - if cache is not None: - keys, values = cache.update_and_fetch(keys, values) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.c_proj(output) - - -class MLP(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - self.n_embd = args.n_embd - self.c_fc = nn.Linear(self.n_embd, 4 * self.n_embd) - self.c_proj = nn.Linear(4 * self.n_embd, self.n_embd) - - def __call__(self, x) -> mx.array: - return self.c_proj(nn.gelu_approx(self.c_fc(x))) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - self.n_head = args.n_head - self.n_embd = args.n_embd - self.layer_norm_epsilon = args.layer_norm_epsilon - self.attn = Attention(args) - self.mlp = MLP(args) - self.ln_1 = nn.LayerNorm( - self.n_embd, - eps=self.layer_norm_epsilon, - ) - self.ln_2 = nn.LayerNorm(self.n_embd, eps=self.layer_norm_epsilon) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.attn(self.ln_1(x), mask, cache) - h = x + r - r = self.mlp(self.ln_2(h)) - out = h + r - return out - - -class GPT2Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.n_embd = args.n_embd - self.n_positions = args.n_positions - self.vocab_size = args.vocab_size - self.n_layer = args.n_layer - self.layer_norm_epsilon = args.layer_norm_epsilon - assert self.vocab_size > 0 - self.wte = nn.Embedding(self.vocab_size, self.n_embd) - self.wpe = nn.Embedding(self.n_positions, self.n_embd) - self.h = [TransformerBlock(args=args) for _ in range(self.n_layer)] - self.ln_f = nn.LayerNorm(self.n_embd, eps=self.layer_norm_epsilon) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - _, L = inputs.shape - - hidden_states = self.wte(inputs) - - mask = None - if hidden_states.shape[1] > 1: - - position_ids = mx.array(np.arange(L)) - hidden_states += self.wpe(position_ids) - - mask = create_additive_causal_mask( - hidden_states.shape[1], cache[0].offset if cache is not None else 0 - ) - mask = mask.astype(hidden_states.dtype) - - if cache is None: - cache = [None] * len(self.h) - - for layer, c in zip(self.h, cache): - hidden_states = layer(hidden_states, mask, cache=c) - - return self.ln_f(hidden_states) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.model = GPT2Model(args) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - out = self.model.wte.as_linear(out) - return out - - def sanitize(self, weights): - new_weights = {} - for i in range(self.args.n_layer): - if f"h.{i}.attn.bias" in weights: - del weights[f"h.{i}.attn.bias"] - if f"h.{i}.attn.c_attn.weight" in weights: - weights[f"h.{i}.attn.c_attn.weight"] = weights[ - f"h.{i}.attn.c_attn.weight" - ].transpose(1, 0) - if f"h.{i}.attn.c_proj.weight" in weights: - weights[f"h.{i}.attn.c_proj.weight"] = weights[ - f"h.{i}.attn.c_proj.weight" - ].transpose(1, 0) - if f"h.{i}.mlp.c_fc.weight" in weights: - weights[f"h.{i}.mlp.c_fc.weight"] = weights[ - f"h.{i}.mlp.c_fc.weight" - ].transpose(1, 0) - if f"h.{i}.mlp.c_proj.weight" in weights: - weights[f"h.{i}.mlp.c_proj.weight"] = weights[ - f"h.{i}.mlp.c_proj.weight" - ].transpose(1, 0) - for weight in weights: - if not weight.startswith("model."): - new_weights[f"model.{weight}"] = weights[weight] - else: - new_weights[weight] = weights[weight] - return new_weights - - @property - def layers(self): - return self.model.h - - @property - def head_dim(self): - return self.args.n_embd // self.args.n_head - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/gpt_bigcode.py b/llms/mlx_lm/models/gpt_bigcode.py deleted file mode 100644 index 20af3d0b..00000000 --- a/llms/mlx_lm/models/gpt_bigcode.py +++ /dev/null @@ -1,195 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn -import numpy as np - -from .base import BaseModelArgs, create_additive_causal_mask - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - n_embd: int - n_layer: int - n_inner: int - n_head: int - n_positions: int - layer_norm_epsilon: float - vocab_size: int - num_key_value_heads: int = None - multi_query: bool = True - attention_bias: bool = True - mlp_bias: bool = True - tie_word_embeddings: bool = True - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = 1 if self.multi_query else self.n_head - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - self.dim = dim = args.n_embd - self.n_heads = n_heads = args.n_head - self.n_kv_heads = n_kv_heads = 1 if args.multi_query else args.n_head - - self.head_dim = head_dim = dim // n_heads - - self.kv_dim = n_kv_heads * head_dim - - self.scale = head_dim**-0.5 - - if hasattr(args, "attention_bias"): - attention_bias = args.attention_bias - else: - attention_bias = False - - self.c_attn = nn.Linear(dim, dim + 2 * self.kv_dim, bias=attention_bias) - self.c_proj = nn.Linear(dim, dim, bias=attention_bias) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - qkv = self.c_attn(x) - queries, keys, values = mx.split( - qkv, [self.dim, self.dim + self.kv_dim], axis=-1 - ) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - keys, values = cache.update_and_fetch(keys, values) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.c_proj(output) - - -class MLP(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.n_embd - hidden_dim = args.n_inner - if hasattr(args, "mlp_bias"): - mlp_bias = args.mlp_bias - else: - mlp_bias = False - - self.c_fc = nn.Linear(dim, hidden_dim, bias=mlp_bias) - self.c_proj = nn.Linear(hidden_dim, dim, bias=mlp_bias) - - def __call__(self, x) -> mx.array: - return self.c_proj(nn.gelu(self.c_fc(x))) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.n_head = args.n_head - self.n_embd = args.n_embd - self.attn = Attention(args) - self.mlp = MLP(args) - self.ln_1 = nn.LayerNorm(args.n_embd, eps=args.layer_norm_epsilon) - self.ln_2 = nn.LayerNorm(args.n_embd, eps=args.layer_norm_epsilon) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.attn(self.ln_1(x), mask, cache) - h = x + r - r = self.mlp(self.ln_2(h)) - out = h + r - return out - - -class GPTBigCodeModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - assert self.vocab_size > 0 - self.wte = nn.Embedding(args.vocab_size, args.n_embd) - self.wpe = nn.Embedding(args.n_positions, args.n_embd) - self.h = [TransformerBlock(args=args) for _ in range(args.n_layer)] - self.ln_f = nn.LayerNorm(args.n_embd, eps=args.layer_norm_epsilon) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - B, L = inputs.shape - - hidden_states = self.wte(inputs) - - mask = None - if hidden_states.shape[1] > 1: - - position_ids = mx.array(np.arange(L)) - hidden_states += self.wpe(position_ids) - - mask = create_additive_causal_mask( - hidden_states.shape[1], cache[0].offset if cache is not None else 0 - ) - mask = mask.astype(hidden_states.dtype) - - if cache is None: - cache = [None] * len(self.h) - - for layer, c in zip(self.h, cache): - hidden_states = layer(hidden_states, mask, cache=c) - - return self.ln_f(hidden_states) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.transformer = GPTBigCodeModel(args) - if not args.tie_word_embeddings: - self.lm_head = nn.Linear(args.n_embd, args.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.transformer(inputs, cache) - if self.args.tie_word_embeddings: - out = self.transformer.wte.as_linear(out) - else: - out = self.lm_head(out) - return out - - @property - def layers(self): - return self.transformer.h - - @property - def head_dim(self): - return self.args.n_embd // self.args.n_head - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/gpt_neox.py b/llms/mlx_lm/models/gpt_neox.py deleted file mode 100644 index 9549f322..00000000 --- a/llms/mlx_lm/models/gpt_neox.py +++ /dev/null @@ -1,227 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn -import numpy as np - -from .base import BaseModelArgs, create_additive_causal_mask - -# Based on the transformers implementation at: -# https://github.com/huggingface/transformers/blob/main/src/transformers/models/gpt_neox/modeling_gpt_neox.py - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - max_position_embeddings: int - hidden_size: int - num_attention_heads: int - num_hidden_layers: int - layer_norm_eps: float - vocab_size: int - rotary_emb_base: int - rotary_pct: float - num_key_value_heads: int = None - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - assert ( - args.hidden_size % args.num_attention_heads == 0 - ), "hidden_size must be divisible by num_attention_heads" - - self.hidden_size = args.hidden_size - self.num_attention_heads = args.num_attention_heads - self.head_dim = self.hidden_size // self.num_attention_heads - - self.rope = nn.RoPE( - dims=int(self.head_dim * args.rotary_pct), - traditional=False, - base=args.rotary_emb_base, - ) - - self.scale = self.head_dim**-0.5 - - self.query_key_value = nn.Linear( - self.hidden_size, 3 * self.hidden_size, bias=True - ) - self.dense = nn.Linear(self.hidden_size, self.hidden_size, bias=True) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - qkv = self.query_key_value(x) - - new_qkv_shape = qkv.shape[:-1] + (self.num_attention_heads, 3 * self.head_dim) - qkv = qkv.reshape(*new_qkv_shape) - - queries, keys, values = [x.transpose(0, 2, 1, 3) for x in qkv.split(3, -1)] - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.dense(output) - - -class MLP(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - self.hidden_size = args.hidden_size - self.dense_h_to_4h = nn.Linear(self.hidden_size, 4 * self.hidden_size) - self.dense_4h_to_h = nn.Linear(4 * self.hidden_size, self.hidden_size) - - def __call__(self, x) -> mx.array: - # gelu_approx corresponds to FastGELUActivation in transformers. - return self.dense_4h_to_h(nn.gelu_approx(self.dense_h_to_4h(x))) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - self.hidden_size = args.hidden_size - self.layer_norm_eps = args.layer_norm_eps - self.attention = Attention(args) - self.mlp = MLP(args) - self.input_layernorm = nn.LayerNorm( - self.hidden_size, - eps=self.layer_norm_eps, - ) - self.post_attention_layernorm = nn.LayerNorm( - self.hidden_size, eps=self.layer_norm_eps - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - residual = x - # NeoX runs attention and feedforward network in parallel. - attn = self.attention(self.input_layernorm(x), mask, cache) - ffn = self.mlp(self.post_attention_layernorm(x)) - out = attn + ffn + residual - return out - - -class GPTNeoXModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.hidden_size = args.hidden_size - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - self.layer_norm_eps = args.layer_norm_eps - assert self.vocab_size > 0 - self.embed_in = nn.Embedding(self.vocab_size, self.hidden_size) - self.embed_out = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - self.h = [TransformerBlock(args=args) for _ in range(self.num_hidden_layers)] - self.final_layer_norm = nn.LayerNorm(self.hidden_size, eps=self.layer_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - _, L = inputs.shape - - hidden_states = self.embed_in(inputs) - - mask = None - if hidden_states.shape[1] > 1: - mask = create_additive_causal_mask( - hidden_states.shape[1], cache[0].offset if cache is not None else 0 - ) - mask = mask.astype(hidden_states.dtype) - - if cache is None: - cache = [None] * len(self.h) - - for layer, c in zip(self.h, cache): - hidden_states = layer(hidden_states, mask, cache=c) - - out = self.final_layer_norm(hidden_states) - out = self.embed_out(out) - - return out - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.model = GPTNeoXModel(args) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - return out - - def sanitize(self, weights): - new_weights = {} - - for w_key, w_value in weights.items(): - # Created through register_buffer in Pytorch, not needed here. - ignore_suffixes = [ - ".attention.bias", - ".attention.masked_bias", - ".attention.rotary_emb.inv_freq", - ] - - skip_weight = False - for ignored_suffix in ignore_suffixes: - if w_key.endswith(ignored_suffix): - skip_weight = True - break - - if skip_weight: - continue - - if not w_key.startswith("model."): - w_key = f"model.{w_key}" - - w_key = w_key.replace(".gpt_neox.layers.", ".h.") - w_key = w_key.replace(".gpt_neox.", ".") - - new_weights[w_key] = w_value - - return new_weights - - @property - def layers(self): - return self.model.h - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/internlm2.py b/llms/mlx_lm/models/internlm2.py deleted file mode 100644 index fc1cfc03..00000000 --- a/llms/mlx_lm/models/internlm2.py +++ /dev/null @@ -1,247 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - rms_norm_eps: float - vocab_size: int - bias: bool = True - max_position_embeddings: int = 32768 - num_key_value_heads: int = None - rope_theta: float = 10000 - rope_traditional: bool = False - rope_scaling: Optional[Dict[str, Union[float, str]]] = None - tie_word_embeddings: bool = False - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - if self.rope_scaling: - required_keys = {"factor", "type"} - if not all(key in self.rope_scaling for key in required_keys): - raise ValueError(f"rope_scaling must contain keys {required_keys}") - - if self.rope_scaling["type"] not in ["linear", "dynamic"]: - raise ValueError( - "rope_scaling 'type' currently only supports 'linear' or 'dynamic" - ) - - -class DynamicNTKScalingRoPE(nn.Module): - """Implements the rotary positional encoding with Dynamic NTK scaling.""" - - def __init__( - self, - dims: int, - max_position_embeddings: int = 2048, - traditional: bool = False, - base: float = 10000, - scale: float = 1.0, - ): - super().__init__() - self.max_position_embeddings = max_position_embeddings - self.original_base = base - self.dims = dims - self.traditional = traditional - self.scale = scale - - def extra_repr(self): - return f"{self.dims}, traditional={self.traditional}, max_position_embeddings={self.max_position_embeddings}, scaling_factor={self.scaling_factor}" - - def __call__(self, x, offset: int = 0): - seq_len = x.shape[1] + offset - if seq_len > self.max_position_embeddings: - base = self.original_base * ( - (self.scale * seq_len / self.max_position_embeddings) - (self.scale - 1) - ) ** (self.dims / (self.dims - 2)) - else: - base = self.original_base - - return mx.fast.rope( - x, - self.dims, - traditional=self.traditional, - base=base, - scale=self.scale, - offset=offset, - ) - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - self.n_kv_groups = n_heads // args.num_key_value_heads - - self.head_dim = head_dim = args.hidden_size // n_heads - self.scale = head_dim**-0.5 - - self.wqkv = nn.Linear( - dim, (n_heads + 2 * n_kv_heads) * head_dim, bias=args.bias - ) - self.wo = nn.Linear(n_heads * head_dim, dim, bias=args.bias) - - rope_scale = ( - 1 / args.rope_scaling["factor"] - if args.rope_scaling is not None and args.rope_scaling["type"] == "linear" - else 2.0 - ) - - self.rope = DynamicNTKScalingRoPE( - head_dim, - max_position_embeddings=args.max_position_embeddings, - traditional=args.rope_traditional, - base=args.rope_theta, - scale=rope_scale, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - qkv_states = self.wqkv(x) - qkv_states = qkv_states.reshape(B, L, -1, 2 + self.n_kv_groups, self.head_dim) - - queries = qkv_states[..., : self.n_kv_groups, :] - queries = queries.reshape(B, L, -1, self.head_dim) - keys = qkv_states[..., -2, :] - values = qkv_states[..., -1, :] - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.wo(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.w1 = nn.Linear(dim, hidden_dim, bias=False) - self.w2 = nn.Linear(hidden_dim, dim, bias=False) - self.w3 = nn.Linear(dim, hidden_dim, bias=False) - - def __call__(self, x) -> mx.array: - return self.w2(nn.silu(self.w1(x)) * self.w3(x)) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.attention = Attention(args) - self.feed_forward = MLP(args.hidden_size, args.intermediate_size) - self.attention_norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.ffn_norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.attention(self.attention_norm(x), mask, cache) - h = x + r - r = self.feed_forward(self.ffn_norm(h)) - out = h + r - return out - - -class InternLM2Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - assert args.vocab_size > 0 - self.tok_embeddings = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.tok_embeddings(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, cache=c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.model = InternLM2Model(args) - if not args.tie_word_embeddings: - self.output = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - if self.args.tie_word_embeddings: - out = self.model.tok_embeddings.as_linear(out) - else: - out = self.output(out) - return out - - def sanitize(self, weights): - # Remove unused precomputed rotary freqs - return {k: v for k, v in weights.items() if "attention.rope.inv_freq" not in k} - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/llama.py b/llms/mlx_lm/models/llama.py deleted file mode 100644 index a697e2b7..00000000 --- a/llms/mlx_lm/models/llama.py +++ /dev/null @@ -1,329 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs, KVCache, create_additive_causal_mask - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - rms_norm_eps: float - vocab_size: int - head_dim: Optional[int] = None - max_position_embeddings: Optional[int] = None - num_key_value_heads: Optional[int] = None - attention_bias: bool = False - mlp_bias: bool = False - rope_theta: float = 10000 - rope_traditional: bool = False - rope_scaling: Optional[Dict[str, Union[float, str]]] = None - tie_word_embeddings: bool = True - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - if self.rope_scaling: - if not "factor" in self.rope_scaling: - raise ValueError(f"rope_scaling must contain 'factor'") - rope_type = self.rope_scaling.get("type") or self.rope_scaling.get( - "rope_type" - ) - if rope_type is None: - raise ValueError( - f"rope_scaling must contain either 'type' or 'rope_type'" - ) - if rope_type not in ["linear", "dynamic", "llama3"]: - raise ValueError( - "rope_scaling 'type' currently only supports 'linear', 'dynamic' or 'llama3'" - ) - - -class DynamicNTKScalingRoPE(nn.Module): - """Implements the rotary positional encoding with Dynamic NTK scaling and Llama 3 RoPE.""" - - def __init__( - self, - dims: int, - max_position_embeddings: int = 2048, - traditional: bool = False, - base: float = 10000, - scale: float = 1.0, - rope_type: str = "default", - rope_scaling: dict = None, - ): - super().__init__() - self.dims = dims - self.max_position_embeddings = max_position_embeddings - self.traditional = traditional - self.original_base = base - self.scale = scale - self.rope_type = rope_type - self.rope_scaling = rope_scaling - self.base = self.compute_base_freq() - - def compute_base_freq(self): - if self.rope_type == "llama3": - return self.compute_llama3_base_freq() - return self.original_base - - # source: https://github.com/huggingface/transformers/blob/d5a99dfcee6e94065cb7c83cc8ab6fc5daa0cc4e/src/transformers/modeling_rope_utils.py#L318 - def compute_llama3_base_freq(self): - factor = self.rope_scaling["factor"] - low_freq_factor = self.rope_scaling.get("low_freq_factor", 1.0) - high_freq_factor = self.rope_scaling.get("high_freq_factor", 4.0) - old_context_len = self.rope_scaling.get( - "original_max_position_embeddings", - 8192, - ) - - low_freq_wavelen = old_context_len / low_freq_factor - high_freq_wavelen = old_context_len / high_freq_factor - - freqs = self.original_base ** (mx.arange(0, self.dims, 2) / self.dims) - wavelens = 2 * mx.pi * freqs - new_base_freqs = [] - - smooths = (wavelens - high_freq_wavelen) / ( - low_freq_wavelen - high_freq_wavelen - ) - new_base_freqs = freqs * (1 - smooths) * factor + smooths - new_base_freqs = mx.where(wavelens < high_freq_wavelen, freqs, new_base_freqs) - new_base_freqs = mx.where( - wavelens > low_freq_wavelen, freqs * factor, new_base_freqs - ) - return new_base_freqs.mean().item() - - def extra_repr(self): - return ( - f"{self.dims}, traditional={self.traditional}, " - f"max_position_embeddings={self.max_position_embeddings}, " - f"scaling_factor={self.scale}, rope_type={self.rope_type}" - ) - - def __call__(self, x, offset: int = 0): - seq_len = x.shape[1] + offset - base = self.base - if self.max_position_embeddings and seq_len > self.max_position_embeddings: - base *= ( - (self.scale * seq_len / self.max_position_embeddings) - (self.scale - 1) - ) ** (self.dims / (self.dims - 2)) - - return mx.fast.rope( - x, - self.dims, - traditional=self.traditional, - base=base, - scale=self.scale, - offset=offset, - ) - - -def initialize_rope(args: ModelArgs): - head_dim = args.head_dim or args.hidden_size // args.num_attention_heads - - rope_scaling = args.rope_scaling - rope_type = "default" - rope_scale = 1.0 - - if rope_scaling is not None: - rope_type = ( - rope_scaling.get("type") or rope_scaling.get("rope_type") or "default" - ) - if rope_type == "linear": - rope_scale = 1 / rope_scaling["factor"] - elif rope_type == "llama3": - rope_scale = 1.0 # The scaling is handled internally for llama3 - - return DynamicNTKScalingRoPE( - dims=head_dim, - max_position_embeddings=args.max_position_embeddings, - traditional=args.rope_traditional, - base=args.rope_theta, - scale=rope_scale, - rope_type=rope_type, - rope_scaling=rope_scaling, - ) - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - - self.head_dim = head_dim = args.head_dim or args.hidden_size // n_heads - - self.scale = head_dim**-0.5 - if hasattr(args, "attention_bias"): - attention_bias = args.attention_bias - else: - attention_bias = False - - self.q_proj = nn.Linear(dim, n_heads * head_dim, bias=attention_bias) - self.k_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=attention_bias) - self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=attention_bias) - self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=attention_bias) - - self.rope = initialize_rope(args) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - B, L, D = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.hidden_size - hidden_dim = args.intermediate_size - if hasattr(args, "mlp_bias"): - mlp_bias = args.mlp_bias - else: - mlp_bias = False - - self.gate_proj = nn.Linear(dim, hidden_dim, bias=mlp_bias) - self.down_proj = nn.Linear(hidden_dim, dim, bias=mlp_bias) - self.up_proj = nn.Linear(dim, hidden_dim, bias=mlp_bias) - - def __call__(self, x) -> mx.array: - return self.down_proj(nn.silu(self.gate_proj(x)) * self.up_proj(x)) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.num_attention_heads = args.num_attention_heads - self.hidden_size = args.hidden_size - self.self_attn = Attention(args) - self.mlp = MLP(args) - self.input_layernorm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.post_attention_layernorm = nn.RMSNorm( - args.hidden_size, eps=args.rms_norm_eps - ) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class LlamaModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - - mask = None - if h.shape[1] > 1: - mask = create_additive_causal_mask( - h.shape[1], cache[0].offset if cache is not None else 0 - ) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, cache=c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.model = LlamaModel(args) - if not args.tie_word_embeddings: - self.lm_head = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - if self.args.tie_word_embeddings: - out = self.model.embed_tokens.as_linear(out) - else: - out = self.lm_head(out) - return out - - def sanitize(self, weights): - # Remove unused precomputed rotary freqs - return { - k: v for k, v in weights.items() if "self_attn.rotary_emb.inv_freq" not in k - } - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return ( - self.args.head_dim or self.args.hidden_size // self.args.num_attention_heads - ) - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/minicpm.py b/llms/mlx_lm/models/minicpm.py deleted file mode 100644 index dbfe4186..00000000 --- a/llms/mlx_lm/models/minicpm.py +++ /dev/null @@ -1,216 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn -import numpy as np - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - dim_model_base: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - rms_norm_eps: float - vocab_size: int - num_key_value_heads: int - scale_depth: float - scale_emb: float - rope_theta: float = 1000000.0 - rope_traditional: bool = False - rope_scaling: Optional[Dict[str, Union[str, float]]] = None - tie_word_embeddings: bool = False - - -class MLP(nn.Module): - def __init__(self, args): - super().__init__() - self.gate_proj = nn.Linear(args.hidden_size, args.intermediate_size, bias=False) - self.up_proj = nn.Linear(args.hidden_size, args.intermediate_size, bias=False) - self.down_proj = nn.Linear(args.intermediate_size, args.hidden_size, bias=False) - - def __call__(self, x): - return self.down_proj(nn.silu(self.gate_proj(x)) * self.up_proj(x)) - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - - self.hidden_size = args.hidden_size - self.num_heads = n_heads = args.num_attention_heads - self.rope_theta = args.rope_theta - - self.head_dim = head_dim = args.hidden_size // n_heads - self.scale = head_dim**-0.5 - - self.num_key_value_heads = args.num_key_value_heads - self.num_key_value_groups = self.num_heads // self.num_key_value_heads - - self.q_proj = nn.Linear( - self.hidden_size, self.num_heads * self.head_dim, bias=False - ) - self.k_proj = nn.Linear( - self.hidden_size, self.num_key_value_heads * self.head_dim, bias=False - ) - self.v_proj = nn.Linear( - self.hidden_size, self.num_key_value_heads * self.head_dim, bias=False - ) - self.o_proj = nn.Linear( - self.num_heads * self.head_dim, self.hidden_size, bias=False - ) - - rope_scale = ( - 1 / args.rope_scaling["factor"] - if args.rope_scaling is not None and args.rope_scaling["type"] == "linear" - else 1 - ) - - self.rope = nn.RoPE( - dims=self.head_dim, - traditional=args.rope_traditional, - base=self.rope_theta, - scale=rope_scale, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ): - B, L, _ = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - queries = queries.reshape(B, L, self.num_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.num_key_value_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.num_key_value_heads, -1).transpose( - 0, 2, 1, 3 - ) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - attn_output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - - attn_output = attn_output.transpose(0, 2, 1, 3).reshape(B, L, -1) - - return self.o_proj(attn_output) - - -class DecoderLayer(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.hidden_size = args.hidden_size - self.num_hidden_layers = args.num_hidden_layers - - self.self_attn = Attention(args) - self.mlp = MLP(args) - self.input_layernorm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.post_attention_layernorm = nn.RMSNorm( - args.hidden_size, eps=args.rms_norm_eps - ) - - self.scale_depth = args.scale_depth - self.num_hidden_layers = args.num_hidden_layers - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r * (self.scale_depth / np.sqrt(self.num_hidden_layers)) - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r * (self.scale_depth / np.sqrt(self.num_hidden_layers)) - return out - - -class MiniCPMModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - assert self.vocab_size > 0 - - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [DecoderLayer(args) for _ in range(args.num_hidden_layers)] - self.norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) * self.args.scale_emb - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.model = MiniCPMModel(args) - - if not self.args.tie_word_embeddings: - self.lm_head = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - - if not self.args.tie_word_embeddings: - out = self.lm_head(out / (self.args.hidden_size / self.args.dim_model_base)) - else: - out = out @ self.model.embed_tokens.weight.T - - return out - - def sanitize(self, weights): - if "lm_head.weight" not in weights: - weights["lm_head.weight"] = weights["model.embed_tokens.weight"] - return weights - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/mixtral.py b/llms/mlx_lm/models/mixtral.py deleted file mode 100644 index 7d1b10ac..00000000 --- a/llms/mlx_lm/models/mixtral.py +++ /dev/null @@ -1,227 +0,0 @@ -import math -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs -from .switch_layers import SwitchGLU - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - vocab_size: int = 32000 - hidden_size: int = 4096 - intermediate_size: int = 14336 - num_hidden_layers: int = 32 - num_attention_heads: int = 32 - num_experts_per_tok: int = 2 - num_key_value_heads: int = 8 - num_local_experts: int = 8 - rms_norm_eps: float = 1e-5 - rope_theta: float = 1e6 - rope_traditional: bool = False - rope_scaling: Optional[Dict[str, Union[float, str]]] = None - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - -class MixtralAttention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.hidden_size = args.hidden_size - self.num_heads = args.num_attention_heads - self.head_dim = self.hidden_size // self.num_heads - self.num_key_value_heads = args.num_key_value_heads - self.rope_theta = args.rope_theta - - self.scale = self.head_dim**-0.5 - - self.q_proj = nn.Linear( - self.hidden_size, self.num_heads * self.head_dim, bias=False - ) - self.k_proj = nn.Linear( - self.hidden_size, self.num_key_value_heads * self.head_dim, bias=False - ) - self.v_proj = nn.Linear( - self.hidden_size, self.num_key_value_heads * self.head_dim, bias=False - ) - self.o_proj = nn.Linear( - self.num_heads * self.head_dim, self.hidden_size, bias=False - ) - - self.rope = nn.RoPE( - self.head_dim, - traditional=args.rope_traditional, - base=args.rope_theta, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.num_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.num_key_value_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.num_key_value_heads, -1).transpose( - 0, 2, 1, 3 - ) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MixtralSparseMoeBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.hidden_dim = args.hidden_size - self.ffn_dim = args.intermediate_size - self.num_experts = args.num_local_experts - self.num_experts_per_tok = args.num_experts_per_tok - - # gating - self.gate = nn.Linear(self.hidden_dim, self.num_experts, bias=False) - - self.switch_mlp = SwitchGLU(self.hidden_dim, self.ffn_dim, self.num_experts) - - def __call__(self, x: mx.array) -> mx.array: - gates = self.gate(x) - - k = self.num_experts_per_tok - inds = mx.stop_gradient(mx.argpartition(-gates, kth=k - 1, axis=-1)[..., :k]) - scores = mx.take_along_axis(gates, inds, axis=-1) - scores = mx.softmax(scores, axis=-1, precise=True) - - y = self.switch_mlp(x, inds) - y = (y * scores[..., None]).sum(axis=-2) - - return y - - -class MixtralDecoderLayer(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.hidden_size = args.hidden_size - - self.self_attn = MixtralAttention(args) - - self.block_sparse_moe = MixtralSparseMoeBlock(args) - self.input_layernorm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.post_attention_layernorm = nn.RMSNorm( - args.hidden_size, eps=args.rms_norm_eps - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.block_sparse_moe(self.post_attention_layernorm(h)) - out = h + r - return out - - -class MixtralModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - MixtralDecoderLayer(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - - mask = None - T = h.shape[1] - if T > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(T) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.model_type = args.model_type - self.model = MixtralModel(args) - self.lm_head = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - self.args = args - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - return self.lm_head(out) - - def sanitize(self, weights): - if "model.layers.0.block_sparse_moe.experts.0.w1.weight" not in weights: - return weights - for l in range(self.args.num_hidden_layers): - prefix = f"model.layers.{l}" - for n, m in [("w1", "gate_proj"), ("w2", "down_proj"), ("w3", "up_proj")]: - for k in ["weight", "scales", "biases"]: - if f"{prefix}.block_sparse_moe.experts.0.{n}.{k}" in weights: - to_join = [ - weights.pop( - f"{prefix}.block_sparse_moe.experts.{e}.{n}.{k}" - ) - for e in range(self.args.num_local_experts) - ] - weights[f"{prefix}.block_sparse_moe.switch_mlp.{m}.{k}"] = ( - mx.stack(to_join) - ) - return weights - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/olmo.py b/llms/mlx_lm/models/olmo.py deleted file mode 100644 index 120ea9b9..00000000 --- a/llms/mlx_lm/models/olmo.py +++ /dev/null @@ -1,185 +0,0 @@ -from dataclasses import dataclass -from sys import exit -from typing import Optional, Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - -try: - import hf_olmo -except ImportError: - print("To run olmo install ai2-olmo: pip install ai2-olmo") - exit(1) - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - d_model: int - n_layers: int - mlp_hidden_size: int - n_heads: int - vocab_size: int - embedding_size: int - rope_theta: float = 10000 - rope_traditional: bool = False - mlp_ratio: int = 4 - weight_tying: bool = False - - def __post_init__(self): - self.mlp_hidden_size = ( - self.mlp_hidden_size - if self.mlp_hidden_size is not None - else self.mlp_ratio * self.d_model - ) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.n_heads = args.n_heads - dim = args.d_model - - self.ff_proj = nn.Linear(dim, args.mlp_hidden_size, bias=False) - self.ff_out = nn.Linear(args.mlp_hidden_size // 2, dim, bias=False) - - self.att_norm = nn.LayerNorm(dim, affine=False) - self.ff_norm = nn.LayerNorm(dim, affine=False) - - head_dim = dim // self.n_heads - self.scale = head_dim**-0.5 - - self.att_proj = nn.Linear(dim, 3 * dim, bias=False) - self.attn_out = nn.Linear(dim, dim, bias=False) - - self.rope = nn.RoPE( - head_dim, - traditional=args.rope_traditional, - base=args.rope_theta, - ) - - self.args = args - - def attend( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - queries, keys, values = mx.split(self.att_proj(x), 3, axis=-1) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - scores = (queries * self.scale) @ keys.transpose(0, 1, 3, 2) - if mask is not None: - scores += mask - scores = mx.softmax(scores.astype(mx.float32), axis=-1).astype(scores.dtype) - output = (scores @ values).transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.attn_out(output) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.attend(self.att_norm(x), mask, cache) - h = x + r - - x1, x2 = mx.split(self.ff_proj(self.ff_norm(h)), 2, axis=-1) - - out = h + self.ff_out(nn.silu(x2) * x1) - return out - - -class Transformer(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.n_layers = args.n_layers - self.weight_tying = args.weight_tying - - self.wte = nn.Embedding(args.embedding_size, args.d_model) - self.blocks = [TransformerBlock(args=args) for _ in range(args.n_layers)] - if not self.weight_tying: - self.ff_out = nn.Linear(args.d_model, args.embedding_size, bias=False) - self.norm = nn.LayerNorm(args.d_model, affine=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.wte(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.blocks) - - for block, c in zip(self.blocks, cache): - h = block(h, mask, c) - - h = self.norm(h) - - if self.weight_tying: - return self.wte.as_linear(h), cache - - return self.ff_out(h) - - -class OlmoModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.transformer = Transformer(args) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - return self.transformer(inputs, cache) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.model_type = args.model_type - self.model = OlmoModel(args) - self.args = args - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - return self.model(inputs, cache) - - @property - def layers(self): - return self.model.transformer.blocks - - @property - def head_dim(self): - return self.args.d_model // self.args.n_heads - - @property - def n_kv_heads(self): - return self.args.n_heads diff --git a/llms/mlx_lm/models/openelm.py b/llms/mlx_lm/models/openelm.py deleted file mode 100644 index 3fbdc58c..00000000 --- a/llms/mlx_lm/models/openelm.py +++ /dev/null @@ -1,229 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, List, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - head_dim: int - num_transformer_layers: int - model_dim: int - vocab_size: int - ffn_dim_divisor: int - num_query_heads: List - num_kv_heads: List - ffn_multipliers: List - ffn_with_glu: bool = True - normalize_qk_projections: bool = True - share_input_output_layers: bool = True - rms_norm_eps: float = 1e-6 - rope_freq_constant: float = 10000 - - -def make_divisible( - v: Union[float, int], - divisor: Optional[int] = 8, - min_value: Optional[Union[float, int]] = None, -) -> Union[float, int]: - """ - This function is taken from the original tf repo. - It ensures that all layers have a channel number that is divisible by the divisor - It can be seen at: - https://github.com/tensorflow/models/blob/2cfc99eff5e5eb729c6793d2f3d03aa1c9be2b15/research/slim/nets/mobilenet/mobilenet.py#L62 - Args: - v: input value - divisor: default to 8 - min_value: minimum divisor value - Returns: - new_v: new divisible value - """ - if min_value is None: - min_value = divisor - new_v = max(min_value, int(v + divisor / 2) // divisor * divisor) - # Make sure that round down does not go down by more than 10%. - if new_v < 0.9 * v: - new_v += divisor - return new_v - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs, layer_id: int): - super().__init__() - self.head_dim = head_dim = args.head_dim - self.layer_id = layer_id - self.model_dim = model_dim = args.model_dim - - self.n_heads = n_heads = args.num_query_heads[layer_id] - self.n_kv_heads = n_kv_heads = args.num_kv_heads[layer_id] - self.scale = head_dim**-0.5 - - op_size = (n_heads + (n_kv_heads * 2)) * head_dim - self.qkv_proj = nn.Linear(model_dim, op_size, bias=False) - self.out_proj = nn.Linear(n_heads * head_dim, model_dim, bias=False) - - self.normalize_qk_projections = args.normalize_qk_projections - - if self.normalize_qk_projections: - self.q_norm = nn.RMSNorm(head_dim, eps=args.rms_norm_eps) - self.k_norm = nn.RMSNorm(head_dim, eps=args.rms_norm_eps) - - self.rope = nn.RoPE(head_dim, traditional=False, base=args.rope_freq_constant) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - B, L, D = x.shape - - qkv = self.qkv_proj(x) - - qkv = qkv.reshape( - B, L, self.n_heads + (self.n_kv_heads * 2), self.head_dim - ).transpose(0, 2, 1, 3) - - queries, keys, values = mx.split( - qkv, [self.n_heads, self.n_heads + self.n_kv_heads], axis=1 - ) - - # Prepare the queries, keys and values for the attention computation - if self.normalize_qk_projections: - queries = self.q_norm(queries) - keys = self.k_norm(keys) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - - return self.out_proj(output) - - -class MLP(nn.Module): - def __init__(self, args: ModelArgs, layer_id: int): - super().__init__() - self.args = args - dim = args.model_dim - ffn_multiplier = args.ffn_multipliers[layer_id] - - intermediate_dim = int( - make_divisible( - ffn_multiplier * args.model_dim, - divisor=args.ffn_dim_divisor, - ) - ) - - self.proj_1 = nn.Linear(dim, 2 * intermediate_dim, bias=False) - self.proj_2 = nn.Linear(intermediate_dim, dim, bias=False) - - def __call__(self, x) -> mx.array: - x = self.proj_1(x) - gate, x = mx.split(x, 2, axis=-1) - return self.proj_2(nn.silu(gate) * x) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs, layer_id: int): - super().__init__() - dim = args.model_dim - self.attn = Attention(args, layer_id=layer_id) - self.ffn = MLP(args, layer_id=layer_id) - self.ffn_norm = nn.RMSNorm(dim, eps=args.rms_norm_eps) - self.attn_norm = nn.RMSNorm(dim, eps=args.rms_norm_eps) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> mx.array: - r = self.attn(self.attn_norm(x), mask, cache) - h = x + r - r = self.ffn(self.ffn_norm(h)) - out = h + r - return out - - -class OpenELMModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_transformer_layers = args.num_transformer_layers - assert self.vocab_size > 0 - self.token_embeddings = nn.Embedding(args.vocab_size, args.model_dim) - self.layers = [ - TransformerBlock(args, layer_id=layer_id) - for layer_id in range(self.num_transformer_layers) - ] - self.norm = nn.RMSNorm(args.model_dim, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.token_embeddings(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, cache=c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.transformer = OpenELMModel(args) - if not args.share_input_output_layers: - self.lm_head = nn.Linear(args.model_dim, args.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.transformer(inputs, cache) - if self.args.share_input_output_layers: - out = self.transformer.token_embeddings.as_linear(out) - else: - out = self.lm_head(out) - - return out - - @property - def layers(self): - return self.transformer.layers - - @property - def head_dim(self): - return self.args.head_dim - - @property - def n_kv_heads(self): - return self.args.num_kv_heads diff --git a/llms/mlx_lm/models/phi.py b/llms/mlx_lm/models/phi.py deleted file mode 100644 index 8feaa23a..00000000 --- a/llms/mlx_lm/models/phi.py +++ /dev/null @@ -1,180 +0,0 @@ -import math -from dataclasses import dataclass -from typing import Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str = "phi" - max_position_embeddings: int = 2048 - vocab_size: int = 51200 - hidden_size: int = 2560 - num_attention_heads: int = 32 - num_hidden_layers: int = 32 - num_key_value_heads: int = 32 - partial_rotary_factor: float = 0.4 - intermediate_size: int = 10240 - layer_norm_eps: float = 1e-5 - rope_theta: float = 10000.0 - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - -class PhiAttention(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - - self.hidden_size = config.hidden_size - self.num_heads = config.num_attention_heads - self.head_dim = self.hidden_size // self.num_heads - self.num_key_value_heads = config.num_key_value_heads - self.repeats = self.num_heads // self.num_key_value_heads - self.rope_theta = config.rope_theta - self.partial_rotary_factor = config.partial_rotary_factor - - if (self.head_dim * self.num_heads) != self.hidden_size: - raise ValueError( - f"hidden_size must be divisible by num_heads (got `hidden_size`: {self.hidden_size}" - f" and `num_heads`: {self.num_heads})." - ) - - self.q_proj = nn.Linear( - self.hidden_size, self.num_heads * self.head_dim, bias=True - ) - self.k_proj = nn.Linear( - self.hidden_size, self.num_key_value_heads * self.head_dim, bias=True - ) - self.v_proj = nn.Linear( - self.hidden_size, self.num_key_value_heads * self.head_dim, bias=True - ) - self.dense = nn.Linear( - self.num_heads * self.head_dim, self.hidden_size, bias=True - ) - - self.rope = nn.RoPE( - int(self.partial_rotary_factor * self.head_dim), - traditional=False, - base=self.rope_theta, - ) - - def __call__(self, x, mask=None, cache=None): - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - # Extract some shapes - B, L, D = queries.shape - n_heads, n_kv_heads = self.num_heads, self.num_key_value_heads - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape( - B, - L, - n_heads, - -1, - ).moveaxis(1, 2) - keys = keys.reshape(B, L, n_kv_heads, -1).moveaxis(1, 2) - values = values.reshape(B, L, n_kv_heads, -1).moveaxis(1, 2) - - # Add RoPE to the queries and keys and combine them with the cache - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - scale = math.sqrt(1 / queries.shape[-1]) - output = mx.fast.scaled_dot_product_attention( - queries.astype(mx.float32), keys, values, scale=scale, mask=mask - ).astype(values.dtype) - - output = output.moveaxis(2, 1).reshape(B, L, -1) - - return self.dense(output) - - -class PhiMLP(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.fc1 = nn.Linear(config.hidden_size, config.intermediate_size) - self.fc2 = nn.Linear(config.intermediate_size, config.hidden_size) - self.act = nn.GELU(approx="precise") - - def __call__(self, x) -> mx.array: - return self.fc2(self.act(self.fc1(x))) - - -class PhiDecoderLayer(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.self_attn = PhiAttention(config=config) - self.input_layernorm = nn.LayerNorm( - config.hidden_size, eps=config.layer_norm_eps - ) - self.mlp = PhiMLP(config) - - def __call__(self, x, mask, cache): - h = self.input_layernorm(x) - attn_h = self.self_attn(h, mask, cache) - ff_h = self.mlp(h) - return attn_h + ff_h + x - - -class PhiModel(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.embed_tokens = nn.Embedding(config.vocab_size, config.hidden_size) - self.layers = [PhiDecoderLayer(config) for i in range(config.num_hidden_layers)] - self.final_layernorm = nn.LayerNorm( - config.hidden_size, eps=config.layer_norm_eps - ) - - def __call__(self, x, cache): - x = self.embed_tokens(x) - if cache is None: - cache = [None] * len(self.layers) - - mask = None - if x.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(x.shape[1]) - mask = mask.astype(x.dtype) - - for layer, c in zip(self.layers, cache): - x = layer(x, mask, c) - return self.final_layernorm(x) - - -class Model(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.model_type = config.model_type - self.model = PhiModel(config) - self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=True) - self.args = config - - def __call__( - self, - x: mx.array, - cache: mx.array = None, - ) -> Tuple[mx.array, mx.array]: - y = self.model(x, cache) - return self.lm_head(y) - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/phi3.py b/llms/mlx_lm/models/phi3.py deleted file mode 100644 index dd2d6d82..00000000 --- a/llms/mlx_lm/models/phi3.py +++ /dev/null @@ -1,215 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, List, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs, KVCache -from .su_rope import SuScaledRotaryEmbedding - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - rms_norm_eps: float - vocab_size: int - num_key_value_heads: Optional[int] = None - rope_theta: float = 10000 - rope_traditional: bool = False - rope_scaling: Optional[Dict[str, Union[float, List[float]]]] = None - max_position_embeddings: int = 131072 - original_max_position_embeddings: int = 4096 - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - if self.rope_scaling: - required_keys = {"long_factor", "type"} - if not all(key in self.rope_scaling for key in required_keys): - raise ValueError(f"rope_scaling must contain keys {required_keys}") - - if self.rope_scaling["type"] not in ["longrope", "su", "linear"]: - print( - "[WARNING] rope_scaling 'type' currently only supports 'linear', 'su', and 'longrope'; setting rope scaling to false." - ) - self.rope_scaling = None - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - assert args.num_key_value_heads is not None - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - self.num_hidden_layers = args.num_hidden_layers - - self.head_dim = head_dim = args.hidden_size // n_heads - self.scale = head_dim**-0.5 - - op_size = n_heads * head_dim + 2 * (n_kv_heads * head_dim) - self.qkv_proj = nn.Linear(dim, op_size, bias=False) - self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=False) - - rope_scale = 1.0 - if args.rope_scaling and args.rope_scaling["type"] in ["longrope", "su"]: - self.rope = SuScaledRotaryEmbedding( - head_dim, - traditional=False, - base=args.rope_theta, - scale=rope_scale, - max_position_embeddings=args.max_position_embeddings, - original_max_position_embeddings=args.original_max_position_embeddings, - short_factor=args.rope_scaling["short_factor"], - long_factor=args.rope_scaling["long_factor"], - ) - else: - if args.rope_scaling and args.rope_scaling["type"] == "linear": - assert isinstance(args.rope_scaling["factor"], float) - rope_scale = 1 / args.rope_scaling["factor"] - self.rope = nn.RoPE( - head_dim, - traditional=args.rope_traditional, - base=args.rope_theta, - scale=rope_scale, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - B, L, D = x.shape - - qkv = self.qkv_proj(x) - query_pos = self.n_heads * self.head_dim - queries, keys, values = mx.split( - qkv, [query_pos, query_pos + self.n_kv_heads * self.head_dim], axis=-1 - ) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.gate_up_proj = nn.Linear(dim, 2 * hidden_dim, bias=False) - self.down_proj = nn.Linear(hidden_dim, dim, bias=False) - - def __call__(self, x) -> mx.array: - x = self.gate_up_proj(x) - gate, x = mx.split(x, 2, axis=-1) - return self.down_proj(nn.silu(gate) * x) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.num_attention_heads = args.num_attention_heads - self.hidden_size = args.hidden_size - self.self_attn = Attention(args) - self.mlp = MLP(args.hidden_size, args.intermediate_size) - self.input_layernorm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.post_attention_layernorm = nn.RMSNorm( - args.hidden_size, eps=args.rms_norm_eps - ) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class Phi3Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.model_type = args.model_type - self.model = Phi3Model(args) - self.lm_head = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - self.args = args - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - return self.lm_head(out) - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/phi3small.py b/llms/mlx_lm/models/phi3small.py deleted file mode 100644 index e0f2d856..00000000 --- a/llms/mlx_lm/models/phi3small.py +++ /dev/null @@ -1,320 +0,0 @@ -import math -from dataclasses import dataclass -from functools import partial -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs, KVCache - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - dense_attention_every_n_layers: int - ff_intermediate_size: int - gegelu_limit: float - num_hidden_layers: int - num_attention_heads: int - layer_norm_epsilon: float - vocab_size: int - num_key_value_heads: Optional[int] = None - mup_attn_multiplier: float = 1.0 - mup_use_scaling: bool = True - mup_embedding_multiplier: float = 10.0 - mup_width_multiplier: float = 8.0 - rope_embedding_base: float = 1000000 - rope_position_scale: float = 1.0 - blocksparse_block_size: Tuple[int] = (64,) - blocksparse_num_local_blocks: int = 16 - blocksparse_vert_stride: int = 8 - - -@partial(mx.compile, shapeless=True) -def gegelu_impl(a_gelu, a_linear, limit): - a_gelu = mx.where( - mx.isinf(a_gelu), - a_gelu, - mx.clip(a_gelu, a_min=None, a_max=limit), - ) - a_linear = mx.where( - mx.isinf(a_linear), - a_linear, - mx.clip(a_linear, a_min=-limit, a_max=limit), - ) - out_gelu = a_gelu * mx.sigmoid(1.702 * a_gelu) - return out_gelu * (a_linear + 1.0) - - -def gegelu(x, limit): - a_gelu, a_linear = x[..., ::2], x[..., 1::2] - return gegelu_impl(a_gelu, a_linear, limit) - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs, layer_idx): - super().__init__() - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - assert args.num_key_value_heads is not None - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - self.n_q_per_kv = n_heads // n_kv_heads - - self.head_dim = head_dim = args.hidden_size // n_heads - - self.query_key_value = nn.Linear( - dim, (self.n_heads + 2 * self.n_kv_heads) * head_dim - ) - self.dense = nn.Linear(dim, dim) - - if args.mup_use_scaling: - norm_factor = head_dim / args.mup_attn_multiplier - else: - norm_factor = math.sqrt(head_dim) - self.scale = 1.0 / norm_factor - - self.rope = nn.RoPE( - head_dim, - traditional=False, - base=args.rope_embedding_base, - scale=args.rope_position_scale, - ) - - if layer_idx % args.dense_attention_every_n_layers == 0: - self.block_sparse = True - self.blocksparse_block_size = args.blocksparse_block_size - if self.blocksparse_block_size not in (32, 64): - raise ValueError( - f"Unsupported block size {self.blocksparse_block_size}" - ) - self.blocksparse_num_local_blocks = args.blocksparse_num_local_blocks - self.blocksparse_vert_stride = args.blocksparse_vert_stride - else: - self.block_sparse = False - - def _block_sparse_mask(self, q_len, kv_len): - vert_stride = self.blocksparse_vert_stride - local_blocks = self.blocksparse_num_local_blocks - block_size = self.blocksparse_block_size - n_heads = self.n_heads - - kv_blocks = (kv_len + block_size - 1) // block_size - q_blocks = (q_len + block_size - 1) // block_size - q_pos = mx.arange(kv_blocks - q_blocks, kv_blocks)[None, :, None] - k_pos = mx.arange(kv_blocks)[None, None] - - mask_vert_strided = ( - mx.arange(kv_blocks)[None, :] + mx.arange(1, n_heads + 1)[:, None] - ) % vert_stride - mask_vert_strided = (mask_vert_strided == 0)[:, None, :] - - block_mask = (q_pos >= k_pos) & ( - (q_pos - k_pos < local_blocks) | mask_vert_strided - ) - block_mask = block_mask.reshape( - self.n_kv_heads, self.n_q_per_kv, *block_mask.shape[-2:] - ) - dense_mask = mx.repeat( - mx.repeat(block_mask, block_size, axis=-1), block_size, axis=-2 - ) - return block_mask, dense_mask[..., -q_len:, :kv_len] - - def _block_sparse_attention(self, queries, keys, values, scale, mask): - queries = scale * queries - B = queries.shape[0] - L = queries.shape[2] - queries = mx.reshape(queries, (B, self.n_kv_heads, self.n_q_per_kv, L, -1)) - keys = mx.expand_dims(keys, 2) - values = mx.expand_dims(values, 2) - - # TODO get rid of dense mask if we have a fill value - block_mask, dense_mask = self._block_sparse_mask(L, keys.shape[-2]) - scores = queries @ mx.swapaxes(keys, -1, -2) - # TODO, uncomment when faster - # scores = mx.block_masked_mm( - # queries, - # mx.swapaxes(keys, -1, -2), - # mask_out=block_mask, - # block_size=self.blocksparse_block_size, - # ) - - if mask is not None: - scores = scores + mask - scores = scores + mx.where( - dense_mask, mx.array(0, scores.dtype), mx.array(-float("inf"), scores.dtype) - ) - scores = mx.softmax(scores, axis=-1, precise=True) - - output = scores @ values - # TODO, uncomment when faster - # output = mx.block_masked_mm( - # scores, values, mask_lhs=block_mask, block_size=self.blocksparse_block_size - # ) - return mx.reshape(output, (B, self.n_heads, L, -1)) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - B, L, D = x.shape - - qkv = self.query_key_value(x) - qkv = qkv.reshape(B, L, -1, self.n_q_per_kv + 2, self.head_dim) - queries = qkv[..., :-2, :].flatten(-3, -2) - keys = qkv[..., -2, :] - values = qkv[..., -1, :] - - # Prepare the queries, keys and values for the attention computation - queries = queries.transpose(0, 2, 1, 3) - keys = keys.transpose(0, 2, 1, 3) - values = values.transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - if self.block_sparse: - output = self._block_sparse_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - else: - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.dense(output) - - -class MLP(nn.Module): - def __init__(self, args): - super().__init__() - dim = args.hidden_size - hidden_dim = args.ff_intermediate_size - self.gegelu_limit = args.gegelu_limit - self.up_proj = nn.Linear(dim, 2 * hidden_dim) - self.down_proj = nn.Linear(hidden_dim, dim) - - def __call__(self, x) -> mx.array: - x = self.up_proj(x) - return self.down_proj(gegelu(x, self.gegelu_limit)) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs, layer_idx): - super().__init__() - self.num_attention_heads = args.num_attention_heads - self.hidden_size = args.hidden_size - self.self_attn = Attention(args, layer_idx) - self.mlp = MLP(args) - self.input_layernorm = nn.LayerNorm( - args.hidden_size, eps=args.layer_norm_epsilon - ) - self.post_attention_layernorm = nn.LayerNorm( - args.hidden_size, - eps=args.layer_norm_epsilon, - ) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class Phi3Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.mup_embedding_multiplier = args.mup_embedding_multiplier - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args, layer_idx=l) - for l in range(args.num_hidden_layers) - ] - self.final_layernorm = nn.LayerNorm( - args.hidden_size, eps=args.layer_norm_epsilon - ) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - if self.mup_embedding_multiplier: - h = self.mup_embedding_multiplier * h - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.final_layernorm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.model_type = args.model_type - self.model = Phi3Model(args) - self.args = args - self.mup_width_multiplier = args.mup_width_multiplier - self._dummy_tokenizer_ids = mx.array( - [100256, 100258, 100259, 100260, 100264, 100265] - + list(range(100267, 100352)) - ) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - out = self.model.embed_tokens.as_linear(out) - if self.mup_width_multiplier: - out = out / self.mup_width_multiplier - out[self._dummy_tokenizer_ids] = -float("inf") - return out - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - def sanitize(self, weights): - # Remove unused precomputed rotary freqs - return { - k: v for k, v in weights.items() if "self_attn.rotary_emb.inv_freq" not in k - } - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/phixtral.py b/llms/mlx_lm/models/phixtral.py deleted file mode 100644 index 40a3bc4b..00000000 --- a/llms/mlx_lm/models/phixtral.py +++ /dev/null @@ -1,203 +0,0 @@ -import inspect -import math -from dataclasses import dataclass -from typing import Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .switch_layers import SwitchMLP - - -@dataclass -class ModelArgs: - model_type: str - num_vocab: int = 51200 - model_dim: int = 2560 - num_heads: int = 32 - num_layers: int = 32 - rotary_dim: int = 32 - num_experts_per_tok: int = 2 - num_local_experts: int = 4 - - @classmethod - def from_dict(cls, params): - return cls( - **{ - k: v - for k, v in params.items() - if k in inspect.signature(cls).parameters - } - ) - - -class RoPEAttention(nn.Module): - def __init__(self, dims: int, num_heads: int, rotary_dim: int): - super().__init__() - - self.num_heads = num_heads - - self.rope = nn.RoPE(rotary_dim, traditional=False) - self.Wqkv = nn.Linear(dims, 3 * dims) - self.out_proj = nn.Linear(dims, dims) - - def __call__(self, x, mask=None, cache=None): - qkv = self.Wqkv(x) - queries, keys, values = mx.split(qkv, 3, axis=-1) - - # Extract some shapes - num_heads = self.num_heads - B, L, D = queries.shape - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, num_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, num_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, num_heads, -1).transpose(0, 2, 1, 3) - - # Add RoPE to the queries and keys and combine them with the cache - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - queries = queries.astype(mx.float32) - - # Finally perform the attention computation - scale = math.sqrt(1 / queries.shape[-1]) - - output = mx.fast.scaled_dot_product_attention( - queries.astype(mx.float32), keys, values, scale=scale, mask=mask - ).astype(values.dtype) - output = output.moveaxis(2, 1).reshape(B, L, -1) - - return self.out_proj(output) - - -class MOE(nn.Module): - def __init__(self, args: ModelArgs, dim: int, hidden_dim: int): - super().__init__() - self.dim = dim - self.hidden_dim = hidden_dim - self.num_experts = args.num_local_experts - self.num_experts_per_tok = args.num_experts_per_tok - self.switch_mlp = SwitchMLP( - self.dim, self.hidden_dim, self.num_experts, bias=True - ) - self.gate = nn.Linear(args.model_dim, self.num_experts, bias=False) - - def __call__(self, x: mx.array) -> mx.array: - gates = self.gate(x) - - k = self.num_experts_per_tok - inds = mx.stop_gradient(mx.argpartition(-gates, kth=k - 1, axis=-1))[..., :k] - scores = mx.take_along_axis(gates, inds, axis=-1) - scores = mx.softmax(scores, axis=-1, precise=True) - - y = self.switch_mlp(x, inds) - y = (y * scores[..., None]).sum(axis=-2) - - return y - - -class ParallelBlock(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - dims = config.model_dim - mlp_dims = dims * 4 - self.mixer = RoPEAttention(dims, config.num_heads, config.rotary_dim) - self.ln = nn.LayerNorm(dims) - self.moe = MOE(config, dims, mlp_dims) - - def __call__(self, x, mask, cache): - h = self.ln(x) - attn_h = self.mixer(h, mask, cache) - ff_h = self.moe(h) - return attn_h + ff_h + x - - -class TransformerDecoder(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.embd = Embd(config) - self.h = [ParallelBlock(config) for i in range(config.num_layers)] - - def __call__(self, x, mask, cache): - x = self.embd(x) - if cache is None: - cache = [None] * len(self.h) - - for layer, c in zip(self.h, cache): - x = layer(x, mask, c) - return x - - -class Embd(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.wte = nn.Embedding(config.num_vocab, config.model_dim) - - def __call__(self, x): - return self.wte(x) - - -class OutputHead(nn.Module): - def __init__(self, config: ModelArgs) -> None: - super().__init__() - self.ln = nn.LayerNorm(config.model_dim) - self.linear = nn.Linear(config.model_dim, config.num_vocab) - - def __call__(self, inputs): - return self.linear(self.ln(inputs)) - - -class Model(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.model_type = config.model_type - self.transformer = TransformerDecoder(config) - self.lm_head = OutputHead(config) - self.args = config - - def __call__( - self, - x: mx.array, - mask: mx.array = None, - cache: mx.array = None, - ) -> Tuple[mx.array, mx.array]: - mask = None - if x.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(x.shape[1]) - mask = mask.astype(x.dtype) - - y = self.transformer(x, mask, cache) - return self.lm_head(y) - - def sanitize(self, weights): - if "transformer.h.0.moe.mlp.0.fc1.weight" not in weights: - return weights - for l in range(self.args.num_layers): - prefix = f"transformer.h.{l}" - for n in ["fc1", "fc2"]: - for k in ["weight", "scales", "biases", "bias"]: - if f"{prefix}.moe.mlp.0.{n}.{k}" in weights: - to_join = [ - weights.pop(f"{prefix}.moe.mlp.{e}.{n}.{k}") - for e in range(self.args.num_local_experts) - ] - weights[f"{prefix}.moe.switch_mlp.{n}.{k}"] = mx.stack(to_join) - return weights - - @property - def layers(self): - return self.transformer.h - - @property - def head_dim(self): - return self.args.model_dim // self.args.num_heads - - @property - def n_kv_heads(self): - return self.args.num_heads diff --git a/llms/mlx_lm/models/plamo.py b/llms/mlx_lm/models/plamo.py deleted file mode 100644 index 2d0ddaed..00000000 --- a/llms/mlx_lm/models/plamo.py +++ /dev/null @@ -1,216 +0,0 @@ -from dataclasses import dataclass -from typing import Any, List, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn -import numpy as np - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - rms_norm_eps: float - vocab_size: int - n_shared_head: int = 8 - rope_theta: float = 10000 - rope_traditional: bool = False - - -class Attention(nn.Module): - def __init__(self, config: ModelArgs) -> None: - super().__init__() - self.config = config - self.hidden_size = config.hidden_size - head_dim = self.hidden_size // config.num_attention_heads - - self.q_num_heads = config.num_attention_heads - self.qk_dim = self.v_dim = head_dim - self.k_num_heads = self.v_num_heads = int( - np.ceil(self.q_num_heads / config.n_shared_head) - ) - - self.scale = head_dim**-0.5 - - self.q_proj = nn.Linear( - self.hidden_size, self.q_num_heads * self.qk_dim, bias=False - ) - self.k_proj = nn.Linear( - self.hidden_size, self.k_num_heads * self.qk_dim, bias=False - ) - self.v_proj = nn.Linear( - self.hidden_size, self.v_num_heads * self.v_dim, bias=False - ) - self.o_proj = nn.Linear( - self.q_num_heads * self.v_dim, self.hidden_size, bias=False - ) - self.rotary_emb = nn.RoPE( - head_dim, - traditional=config.rope_traditional, - base=config.rope_theta, - scale=1.0, - ) - - def __call__( - self, - hidden_states: mx.array, - attention_mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> Tuple[mx.array, Tuple[mx.array, mx.array]]: - bsz, q_len, _ = hidden_states.shape - - queries = self.q_proj(hidden_states) - keys = self.k_proj(hidden_states) - values = self.v_proj(hidden_states) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(bsz, q_len, self.q_num_heads, self.qk_dim).transpose( - 0, 2, 1, 3 - ) - keys = keys.reshape(bsz, q_len, self.k_num_heads, self.qk_dim).transpose( - 0, 2, 1, 3 - ) - values = values.reshape(bsz, q_len, self.v_num_heads, self.v_dim).transpose( - 0, 2, 1, 3 - ) - - if cache is not None: - queries = self.rotary_emb(queries, offset=cache.offset) - keys = self.rotary_emb(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rotary_emb(queries) - keys = self.rotary_emb(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, - keys, - values, - scale=self.scale, - mask=attention_mask, - ) - output = output.transpose(0, 2, 1, 3).reshape(bsz, q_len, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, config: ModelArgs) -> None: - super().__init__() - self.config = config - self.hidden_size = config.hidden_size - self.intermediate_size = config.intermediate_size - self.gate_proj = nn.Linear(self.hidden_size, self.intermediate_size, bias=False) - self.up_proj = nn.Linear(self.hidden_size, self.intermediate_size, bias=False) - self.down_proj = nn.Linear(self.intermediate_size, self.hidden_size, bias=False) - - def __call__(self, x: mx.array) -> mx.array: - return self.down_proj(nn.silu(self.gate_proj(x)) * self.up_proj(x)) # type: ignore - - -class PlamoDecoderLayer(nn.Module): - def __init__(self, config: ModelArgs) -> None: - super().__init__() - self.config = config - self.hidden_size = config.hidden_size - self.self_attn = Attention(config) - self.mlp = MLP(config) - self.norm = nn.RMSNorm(config.hidden_size, eps=config.rms_norm_eps) - - def __call__( - self, - hidden_states: mx.array, - attention_mask: Optional[mx.array] = None, - cache: Optional[Tuple[mx.array, mx.array]] = None, - ) -> Tuple[Any, ...]: - # from LlamaDecoder - residual = hidden_states - - hidden_states = self.norm(hidden_states) - - # Self Attention - hidden_states_sa = self.self_attn( - hidden_states=hidden_states, - attention_mask=attention_mask, - cache=cache, - ) - - # Fully Connected - hidden_states_mlp = self.mlp(hidden_states) - - hidden_states = residual + hidden_states_sa + hidden_states_mlp - return hidden_states - - -class PlamoDecoder(nn.Module): - def __init__(self, config: ModelArgs) -> None: - super().__init__() - self.layers = [ - PlamoDecoderLayer(config) for _ in range(config.num_hidden_layers) - ] - - -class PlamoModel(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.config = config - self.vocab_size = config.vocab_size - - self.embed_tokens = nn.Embedding(config.vocab_size, config.hidden_size) - self.layers = PlamoDecoder(config) # type: ignore - self.norm = nn.RMSNorm(config.hidden_size, eps=config.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache: Optional[List[Union[Tuple[mx.array, mx.array], None]]] = None, - ) -> Tuple[mx.array, Optional[List[Union[Tuple[mx.array, mx.array], None]]]]: - h = self.embed_tokens(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(self.embed_tokens.weight.dtype) - - if cache is None: - cache = [None for _ in range(len(self.layers.layers))] - - for layer, c in zip(self.layers.layers, cache): - h = layer(h, mask, cache=c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs) -> None: - super().__init__() - self.model_type = args.model_type - self.model = PlamoModel(args) - self.lm_head: nn.Module = nn.Linear( - args.hidden_size, args.vocab_size, bias=False - ) - self.args = args - - def __call__( - self, - inputs: mx.array, - cache: Optional[List[Tuple[mx.array, mx.array]]] = None, - ) -> Tuple[mx.array, mx.array]: - out = self.model(inputs, cache) - return self.lm_head(out) - - @property - def layers(self): - return self.model.layers.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_attention_heads // self.args.n_shared_head diff --git a/llms/mlx_lm/models/qwen.py b/llms/mlx_lm/models/qwen.py deleted file mode 100644 index 44b6dfd3..00000000 --- a/llms/mlx_lm/models/qwen.py +++ /dev/null @@ -1,169 +0,0 @@ -from dataclasses import dataclass -from typing import Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int = 2048 - num_attention_heads: int = 16 - num_hidden_layers: int = 24 - kv_channels: int = 128 - max_position_embeddings: int = 8192 - layer_norm_epsilon: float = 1e-6 - intermediate_size: int = 11008 - no_bias: bool = True - vocab_size: int = 151936 - num_key_value_heads = None - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - hidden_size = args.hidden_size - self.num_attention_heads = args.num_attention_heads - - hidden_size_per_attention_head = hidden_size // self.num_attention_heads - - self.rotary_emb = nn.RoPE(hidden_size_per_attention_head, traditional=False) - - proj_size = args.kv_channels * self.num_attention_heads - - self.c_attn = nn.Linear(hidden_size, proj_size * 3, bias=True) - self.c_proj = nn.Linear(hidden_size, proj_size, bias=not args.no_bias) - - self.scale = hidden_size_per_attention_head**-0.5 - - def __call__(self, x, mask=None, cache=None): - qkv = self.c_attn(x) - - q, k, v = mx.split(qkv, 3, axis=-1) - - B, L, _ = q.shape - - queries = q.reshape(B, L, self.num_attention_heads, -1).transpose(0, 2, 1, 3) - keys = k.reshape(B, L, self.num_attention_heads, -1).transpose(0, 2, 1, 3) - values = v.reshape(B, L, self.num_attention_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rotary_emb(queries, offset=cache.offset) - keys = self.rotary_emb(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rotary_emb(queries) - keys = self.rotary_emb(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - - return self.c_proj(output) - - -class MLP(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - self.w1 = nn.Linear( - args.hidden_size, args.intermediate_size // 2, bias=not args.no_bias - ) - self.w2 = nn.Linear( - args.hidden_size, args.intermediate_size // 2, bias=not args.no_bias - ) - self.c_proj = nn.Linear( - args.intermediate_size // 2, args.hidden_size, bias=not args.no_bias - ) - - def __call__(self, x): - a1 = self.w1(x) - a2 = self.w2(x) - return self.c_proj(a1 * nn.silu(a2)) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - self.ln_1 = nn.RMSNorm(args.hidden_size, eps=args.layer_norm_epsilon) - self.attn = Attention(args) - self.ln_2 = nn.RMSNorm(args.hidden_size, eps=args.layer_norm_epsilon) - self.mlp = MLP(args) - - def __call__(self, x, mask=None, cache=None): - residual = x - x = self.ln_1(x) - x = self.attn(x, mask=mask, cache=cache) - residual = x + residual - x = self.ln_2(residual) - x = self.mlp(x) - x = x + residual - - return x - - -class QwenModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.wte = nn.Embedding(args.vocab_size, args.hidden_size) - self.h = [TransformerBlock(args) for _ in range(args.num_hidden_layers)] - self.ln_f = nn.RMSNorm(args.hidden_size, eps=args.layer_norm_epsilon) - - def __call__(self, inputs, mask=None, cache=None): - x = self.wte(inputs) - - mask = None - T = x.shape[1] - if T > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(T) - mask = mask.astype(x.dtype) - - if cache is None: - cache = [None] * len(self.h) - - for layer, c in zip(self.h, cache): - x = layer(x, mask, c) - - return self.ln_f(x) - - -class Model(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.model_type = config.model_type - self.transformer = QwenModel(config) - self.lm_head = nn.Linear( - config.hidden_size, config.vocab_size, bias=not config.no_bias - ) - self.args = config - - def __call__( - self, - x: mx.array, - mask: mx.array = None, - cache: mx.array = None, - ) -> Tuple[mx.array, mx.array]: - y = self.transformer(x, mask, cache) - return self.lm_head(y) - - @property - def layers(self): - return self.transformer.h - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_attention_heads diff --git a/llms/mlx_lm/models/qwen2.py b/llms/mlx_lm/models/qwen2.py deleted file mode 100644 index fab09003..00000000 --- a/llms/mlx_lm/models/qwen2.py +++ /dev/null @@ -1,207 +0,0 @@ -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs, KVCache - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - rms_norm_eps: float - vocab_size: int - num_key_value_heads: Optional[int] = None - rope_theta: float = 1000000 - rope_traditional: bool = False - rope_scaling: Optional[Dict[str, Union[float, str]]] = None - tie_word_embeddings: bool = True - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - if self.rope_scaling: - required_keys = {"factor", "type"} - if not all(key in self.rope_scaling for key in required_keys): - raise ValueError(f"rope_scaling must contain keys {required_keys}") - - if self.rope_scaling["type"] != "linear": - raise ValueError("rope_scaling 'type' currently only supports 'linear'") - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - assert args.num_key_value_heads is not None - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - - head_dim = args.hidden_size // n_heads - self.scale = head_dim**-0.5 - - self.q_proj = nn.Linear(dim, n_heads * head_dim, bias=True) - self.k_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=True) - self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=True) - self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=False) - - rope_scale = ( - 1 / args.rope_scaling["factor"] - if args.rope_scaling is not None and args.rope_scaling["type"] == "linear" - else 1 - ) - self.rope = nn.RoPE( - head_dim, - traditional=args.rope_traditional, - base=args.rope_theta, - scale=rope_scale, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - B, L, D = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.gate_proj = nn.Linear(dim, hidden_dim, bias=False) - self.down_proj = nn.Linear(hidden_dim, dim, bias=False) - self.up_proj = nn.Linear(dim, hidden_dim, bias=False) - - def __call__(self, x) -> mx.array: - return self.down_proj(nn.silu(self.gate_proj(x)) * self.up_proj(x)) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.num_attention_heads = args.num_attention_heads - self.hidden_size = args.hidden_size - self.self_attn = Attention(args) - self.mlp = MLP(args.hidden_size, args.intermediate_size) - self.input_layernorm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.post_attention_layernorm = nn.RMSNorm( - args.hidden_size, eps=args.rms_norm_eps - ) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class Qwen2Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.model = Qwen2Model(args) - if not args.tie_word_embeddings: - self.lm_head = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - if self.args.tie_word_embeddings: - out = self.model.embed_tokens.as_linear(out) - else: - out = self.lm_head(out) - return out - - def sanitize(self, weights): - if self.args.tie_word_embeddings: - weights.pop("lm_head.weight", None) - # Remove unused precomputed rotary freqs - return { - k: v for k, v in weights.items() if "self_attn.rotary_emb.inv_freq" not in k - } - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/qwen2_moe.py b/llms/mlx_lm/models/qwen2_moe.py deleted file mode 100644 index 57f154a0..00000000 --- a/llms/mlx_lm/models/qwen2_moe.py +++ /dev/null @@ -1,247 +0,0 @@ -import math -from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs, KVCache -from .switch_layers import SwitchGLU - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - num_experts_per_tok: int - num_experts: int - moe_intermediate_size: int - shared_expert_intermediate_size: int - rms_norm_eps: float - vocab_size: int - num_key_value_heads: Optional[int] = None - rope_theta: float = 1000000 - rope_traditional: bool = False - rope_scaling: Optional[Dict[str, Union[float, str]]] = None - tie_word_embeddings: bool = False - - def __post_init__(self): - if self.num_key_value_heads is None: - self.num_key_value_heads = self.num_attention_heads - - if self.rope_scaling: - required_keys = {"factor", "type"} - if not all(key in self.rope_scaling for key in required_keys): - raise ValueError(f"rope_scaling must contain keys {required_keys}") - - if self.rope_scaling["type"] != "linear": - raise ValueError("rope_scaling 'type' currently only supports 'linear'") - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - assert args.num_key_value_heads is not None - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - - head_dim = args.hidden_size // n_heads - self.scale = head_dim**-0.5 - - self.q_proj = nn.Linear(dim, n_heads * head_dim, bias=True) - self.k_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=True) - self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=True) - self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=False) - - self.rope = nn.RoPE( - head_dim, - traditional=args.rope_traditional, - base=args.rope_theta, - ) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - B, L, D = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.gate_proj = nn.Linear(dim, hidden_dim, bias=False) - self.down_proj = nn.Linear(hidden_dim, dim, bias=False) - self.up_proj = nn.Linear(dim, hidden_dim, bias=False) - - def __call__(self, x) -> mx.array: - return self.down_proj(nn.silu(self.gate_proj(x)) * self.up_proj(x)) - - -class Qwen2MoeSparseMoeBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - dim = args.hidden_size - intermediate_size = args.moe_intermediate_size - shared_expert_intermediate_size = args.shared_expert_intermediate_size - - self.num_experts = num_experts = args.num_experts - self.top_k = args.num_experts_per_tok - - self.gate = nn.Linear(dim, num_experts, bias=False) - self.switch_mlp = SwitchGLU(dim, intermediate_size, num_experts) - - self.shared_expert = MLP(dim, shared_expert_intermediate_size) - self.shared_expert_gate = nn.Linear(dim, 1, bias=False) - - def __call__( - self, - x: mx.array, - ): - gates = self.gate(x) - gates = mx.softmax(gates, axis=-1, precise=True) - - k = self.top_k - inds = mx.stop_gradient(mx.argpartition(-gates, kth=k - 1, axis=-1)[..., :k]) - scores = mx.take_along_axis(gates, inds, axis=-1) - - y = self.switch_mlp(x, inds) - y = (y * scores[..., None]).sum(axis=-2) - - shared_expert_output = self.shared_expert(x) - shared_expert_output = ( - mx.sigmoid(self.shared_expert_gate(x)) * shared_expert_output - ) - - return y + shared_expert_output - - -class Qwen2MoeDecoderLayer(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.hidden_size = args.hidden_size - self.self_attn = Attention(args) - self.mlp = Qwen2MoeSparseMoeBlock(args) - - self.input_layernorm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - self.post_attention_layernorm = nn.RMSNorm( - args.hidden_size, eps=args.rms_norm_eps - ) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class Qwen2MoeModel(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - Qwen2MoeDecoderLayer(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = nn.RMSNorm(args.hidden_size, eps=args.rms_norm_eps) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.model = Qwen2MoeModel(args) - self.lm_head = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - return self.lm_head(out) - - def sanitize(self, weights): - if "model.layers.0.mlp.experts.0.up_proj.weight" not in weights: - return weights - for l in range(self.args.num_hidden_layers): - prefix = f"model.layers.{l}" - for n in ["up_proj", "down_proj", "gate_proj"]: - for k in ["weight", "scales", "biases"]: - if f"{prefix}.mlp.experts.0.{n}.{k}" in weights: - to_join = [ - weights.pop(f"{prefix}.mlp.experts.{e}.{n}.{k}") - for e in range(self.args.num_experts) - ] - weights[f"{prefix}.mlp.switch_mlp.{n}.{k}"] = mx.stack(to_join) - return weights - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/recurrent_gemma.py b/llms/mlx_lm/models/recurrent_gemma.py deleted file mode 100644 index 428431e3..00000000 --- a/llms/mlx_lm/models/recurrent_gemma.py +++ /dev/null @@ -1,518 +0,0 @@ -import math -from dataclasses import dataclass -from typing import List, Literal, Optional - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - attention_bias: bool - conv1d_width: int - hidden_size: int - intermediate_size: int - logits_soft_cap: float - num_attention_heads: int - num_hidden_layers: int - num_key_value_heads: int - rms_norm_eps: float - rope_theta: float - attention_window_size: int - vocab_size: int - embeddings_scale_by_sqrt_dim: bool = True - block_types: Optional[List[str]] = None - _block_types: Optional[List[str]] = None - - def __post_init__(self): - # For some reason these have different names in 2B and 9B - if self.block_types is None: - self.block_types = self._block_types - - -def create_window_causal_mask(N: int, window_size: int): - inds = mx.arange(N) - linds = inds[:, None] - rinds = inds[None] - mask = (linds < rinds) | (linds > rinds + window_size) - return mask * -1e9 - - -class RecurrentCache: - - def __init__(self): - self._cache = (None, None) - - def __getitem__(self, idx): - return self._cache[idx] - - def update(self, conv_state, recurrent_state): - self._cache = (conv_state, recurrent_state) - - -class WindowKVCache: - - def __init__(self, window_size): - self.keys = None - self.values = None - self.offset = 0 - self.window_size = window_size - - def update_and_fetch(self, keys, values): - # TODO consider using rotating buffer here - # especially for very long generations - def _update(x, v): - t = x.shape[2] - self.window_size - if t > 0: - x = x[..., t:, :] - return mx.concatenate([x, v], axis=2) - - self.offset += keys.shape[2] - if self.keys is None: - self.keys = keys - self.values = values - else: - self.keys = _update(self.keys, keys) - self.values = _update(self.values, values) - return self.keys, self.values - - -class RMSNorm(nn.Module): - def __init__(self, dims: int, eps: float = 1e-5): - super().__init__() - self.weight = mx.ones((dims,)) - self.eps = eps - - def __call__(self, x): - return mx.fast.rms_norm(x, 1.0 + self.weight, self.eps) - - -def rnn_scan(x, a, h0): - assert x.ndim == 3 - assert a.shape == x.shape[-a.ndim :] - assert a.dtype == x.dtype - - if x.shape[1] == 1: - # Using scan in sampling mode. - if h0 is None: - return x, x[:, 0] - - else: - y = a * h0[:, None] + x - return y, y[:, -1] - - else: - # Using scan in linear mode. - if h0 is not None: - h_t = h0 - else: - B, _, D = x.shape - h_t = mx.zeros((B, D), dtype=x.dtype) - - y = mx.zeros_like(x) - for t in range(x.shape[1]): - h_t = a[:, t] * h_t + x[:, t] - y[:, t] = h_t - - return y, h_t - - -class Conv1d(nn.Module): - def __init__( - self, - channels: int, - kernel_size: int, - ): - super().__init__() - self.weight = mx.zeros((kernel_size, channels)) - self.bias = mx.zeros((channels,)) - - def __call__(self, x, cache=None): - w = self.weight.T[..., None] - kw, groups = self.weight.shape - if cache is not None: - l = [] - # Pad the cache if needed - if cache.shape[1] < kw - 1: - l.append( - mx.zeros( - (x.shape[0], kw - 1 - cache.shape[1], groups), dtype=x.dtype - ) - ) - l.extend([cache, x]) - x = mx.concatenate(l, axis=1) - y = (x * w.swapaxes(0, 2)).sum(axis=1, keepdims=True) - else: - y = mx.conv_general(x, w, padding=([kw - 1], [0]), groups=groups) - - # The cache is always kw - 1 - cache = x[:, max(x.shape[1] - kw + 1, 0) :, :] - y = y + self.bias - return y, cache - - -class RGLRU(nn.Module): - """A Real-Gated Linear Recurrent Unit (RG-LRU) layer.""" - - def __init__( - self, - width: int, - num_heads: int, - ): - super().__init__() - self.width = width - self.num_heads = num_heads - self.head_dim = self.width // self.num_heads - - self.recurrent_param = mx.zeros((self.width,)) - - self.input_gate_weight = mx.zeros( - (self.num_heads, self.head_dim, self.head_dim), - ) - self.input_gate_bias = mx.zeros((self.num_heads, self.head_dim)) - - self.recurrent_gate_weight = mx.zeros( - (self.num_heads, self.head_dim, self.head_dim), - ) - self.recurrent_gate_bias = mx.zeros((self.num_heads, self.head_dim)) - - def __call__( - self, - x: mx.array, - cache=None, - ): - B, L, _ = x.shape - - def apply_block_linear(h, w, b): - h = h.reshape((B, L, self.num_heads, self.head_dim)) - h = (h.swapaxes(1, 2) @ w).swapaxes(1, 2) + b - return mx.sigmoid(h.flatten(2, 3)) - - # Gates for x and a. - gate_x = apply_block_linear(x, self.input_gate_weight, self.input_gate_bias) - gate_a = apply_block_linear( - x, self.recurrent_gate_weight, self.recurrent_gate_bias - ) - - # Compute the parameter `A` of the recurrence. - log_a = -8.0 * gate_a * nn.softplus(self.recurrent_param) - a = mx.exp(log_a) - a_square = mx.exp(2 * log_a) - - # Gate the input. - gated_x = x * gate_x - - # Apply gamma normalization to the input. - multiplier = mx.sqrt(1 - a_square) - if cache is None: - multiplier[:, 0, :] = 1.0 - normalized_x = gated_x * multiplier.astype(x.dtype) - - y, last_h = rnn_scan( - x=normalized_x, - a=a, - h0=cache, - ) - - return y, last_h - - -class RecurrentBlock(nn.Module): - - def __init__( - self, - width: int, - num_heads: int, - lru_width: int = None, - conv1d_temporal_width: int = 4, - ): - super().__init__() - self.width = width - self.num_heads = num_heads - self.lru_width = lru_width or width - self.conv1d_temporal_width = conv1d_temporal_width - - self.linear_y = nn.Linear(width, self.lru_width) - self.linear_x = nn.Linear(width, self.lru_width) - self.linear_out = nn.Linear(self.lru_width, width) - self.conv_1d = Conv1d( - channels=self.lru_width, - kernel_size=self.conv1d_temporal_width, - ) - self.rg_lru = RGLRU( - width=self.lru_width, - num_heads=self.num_heads, - ) - - def __call__( - self, - x: mx.array, - cache=None, - mask=None, - ): - # y branch. - y = self.linear_y(x) - y = nn.gelu_approx(y) - - # x branch. - x = self.linear_x(x) - if cache is None: - conv_state, recurrent_state = (None, None) - else: - conv_state, recurrent_state = cache[0], cache[1] - x, conv_state = self.conv_1d( - x=x, - cache=conv_state, - ) - x, recurrent_state = self.rg_lru( - x=x, - cache=recurrent_state, - ) - if cache is not None: - cache.update(conv_state, recurrent_state) - - x = x * y - x = self.linear_out(x) - - return x - - -class LocalAttentionBlock(nn.Module): - - def __init__( - self, - width: int, - num_heads: int, - window_size: int, - ): - super().__init__() - self.width = width - self.num_heads = num_heads - self.window_size = window_size - self.scale = (width // num_heads) ** (-0.5) - - self.head_dim = self.width // self.num_heads - self.q_proj = nn.Linear(self.width, self.width, bias=False) - self.k_proj = nn.Linear(self.width, self.head_dim, bias=False) - self.v_proj = nn.Linear(self.width, self.head_dim, bias=False) - self.o_proj = nn.Linear(self.width, self.width, bias=True) - self.rope = nn.RoPE( - self.head_dim // 2, - traditional=False, - ) - - def __call__( - self, - x: mx.array, - cache=None, - mask=None, - ): - B, L, D = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - queries = queries.reshape(B, L, self.num_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, 1, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, 1, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLPBlock(nn.Module): - - def __init__(self, width: int, expanded_width: int): - super().__init__() - self.up_proj = nn.Linear(width, expanded_width // 2) - self.gate_proj = nn.Linear(width, expanded_width // 2) - self.down_proj = nn.Linear(expanded_width // 2, width) - - def __call__(self, x: mx.array): - gate = self.gate_proj(x) - x = self.up_proj(x) - return self.down_proj(nn.gelu_approx(gate) * x) - - -class ResidualBlock(nn.Module): - - def __init__( - self, - width: int, - mlp_expanded_width: int, - num_heads: int, - attention_window_size: int, - temporal_block_type: str, - lru_width: Optional[int] = None, - conv1d_temporal_width: int = 4, - ): - """Initializes the residual block. - - Args: - width: The width of the block. - mlp_expanded_width: The width of the expansion inside the MLP block. - num_heads: The number of heads for the Attention or the RG-LRU. - attention_window_size: The window size for the local attention block. - temporal_block_type: Either "recurrent" or "attention", specifying the - type of recurrent block to use. - lru_width: The width of the RG-LRU if different from `width`. - conv1d_temporal_width: The width of the temporal convolution. - """ - super().__init__() - self.width = width - self.mlp_expanded_width = mlp_expanded_width - self.num_heads = num_heads - self.attention_window_size = attention_window_size - self.temporal_block_type = temporal_block_type - self.lru_width = lru_width - self.conv1d_temporal_width = conv1d_temporal_width - - self.temporal_pre_norm = RMSNorm(width) - if self.temporal_block_type == "recurrent": - self.temporal_block = RecurrentBlock( - width=self.width, - num_heads=self.num_heads, - lru_width=self.lru_width, - conv1d_temporal_width=self.conv1d_temporal_width, - ) - - else: - self.temporal_block = LocalAttentionBlock( - width=self.width, - num_heads=self.num_heads, - window_size=self.attention_window_size, - ) - - self.channel_pre_norm = RMSNorm(width) - self.mlp_block = MLPBlock( - width=self.width, - expanded_width=self.mlp_expanded_width, - ) - - def __call__( - self, - x: mx.array, - cache=None, - mask=None, - ): - raw_x = x - - inputs_normalized = self.temporal_pre_norm(raw_x) - - x = self.temporal_block(inputs_normalized, cache=cache, mask=mask) - residual = x + raw_x - - x = self.channel_pre_norm(residual) - x = self.mlp_block(x) - - x = x + residual - - return x - - -class Griffin(nn.Module): - def __init__(self, config): - super().__init__() - - self.config = config - self.embed_tokens = nn.Embedding( - config.vocab_size, - config.hidden_size, - ) - - self.scale_by_sqrt_dim = config.embeddings_scale_by_sqrt_dim - block_types = config.block_types - - self.layers = [ - ResidualBlock( - width=config.hidden_size, - mlp_expanded_width=config.intermediate_size, - num_heads=config.num_attention_heads, - attention_window_size=config.attention_window_size, - temporal_block_type=block_types[i % len(block_types)], - lru_width=None, - ) - for i in range(config.num_hidden_layers) - ] - self.final_norm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps) - - def __call__( - self, - tokens, - cache=None, - ): - x = self.embed_tokens(tokens) - if self.scale_by_sqrt_dim: - x = x * math.sqrt(x.shape[-1]) - - mask = None - if x.shape[1] > 1: - mask = create_window_causal_mask( - x.shape[1], self.config.attention_window_size - ) - mask = mask.astype(x.dtype) - - for i, block in enumerate(self.layers): - x = block(x, mask=mask, cache=cache[i]) - - return self.final_norm(x) - - -class Model(nn.Module): - - def __init__(self, config): - self.args = config - self.model = Griffin(config) - self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False) - - def __call__(self, tokens: mx.array, cache=None) -> mx.array: - """ - Args: - tokens: Sequence of input tokens. - """ - logits = self.model(tokens, cache=cache) - if "lm_head" in self: - logits = self.lm_head(logits) - else: - logits = self.model.embed_tokens.as_linear(logits) - - c = self.args.logits_soft_cap - if c: - logits = mx.tanh(logits / c) * c - return logits - - @property - def layers(self): - return self.model.layers - - def sanitize(self, weights): - # Remove unused precomputed rotary freqs - for k, v in weights.items(): - if "conv_1d.weight" in k and v.ndim == 3: - weights[k] = v.squeeze(1).T - if "lm_head.weight" not in weights: - self.pop("lm_head") - return weights - - def make_cache(self): - cache = [] - for layer in self.layers: - if layer.temporal_block_type == "recurrent": - cache.append(RecurrentCache()) - else: - cache.append(WindowKVCache(self.args.attention_window_size)) - return cache diff --git a/llms/mlx_lm/models/stablelm.py b/llms/mlx_lm/models/stablelm.py deleted file mode 100644 index 30e3a332..00000000 --- a/llms/mlx_lm/models/stablelm.py +++ /dev/null @@ -1,219 +0,0 @@ -import math -from dataclasses import dataclass -from typing import Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - vocab_size: int - hidden_size: int - num_attention_heads: int - num_hidden_layers: int - num_key_value_heads: int - intermediate_size: int - rope_theta: float - use_qkv_bias: bool - partial_rotary_factor: float - layer_norm_eps: float - use_parallel_residual: bool = False - qk_layernorm: bool = False - - -class LayerNormPerHead(nn.Module): - - def __init__(self, head_dim, num_heads, eps): - super().__init__() - self.norms = [ - nn.LayerNorm(head_dim, eps=eps, bias=False) for _ in range(num_heads) - ] - self.eps = eps - - def __call__(self, x): - w = mx.stack([n.weight for n in self.norms]) - return w * mx.fast.layer_norm(x, None, None, self.eps) - - -class Attention(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - - self.hidden_size = config.hidden_size - self.num_heads = config.num_attention_heads - self.head_dim = self.hidden_size // self.num_heads - self.num_key_value_heads = config.num_key_value_heads - self.rope_theta = config.rope_theta - self.partial_rotary_factor = config.partial_rotary_factor - - if (self.head_dim * self.num_heads) != self.hidden_size: - raise ValueError( - f"hidden_size must be divisible by num_heads (got `hidden_size`: {self.hidden_size}" - f" and `num_heads`: {self.num_heads})." - ) - - self.q_proj = nn.Linear( - self.hidden_size, self.num_heads * self.head_dim, bias=config.use_qkv_bias - ) - self.k_proj = nn.Linear( - self.hidden_size, - self.num_key_value_heads * self.head_dim, - bias=config.use_qkv_bias, - ) - self.v_proj = nn.Linear( - self.hidden_size, - self.num_key_value_heads * self.head_dim, - bias=config.use_qkv_bias, - ) - self.o_proj = nn.Linear( - self.num_heads * self.head_dim, self.hidden_size, bias=False - ) - - self.rope = nn.RoPE( - int(self.partial_rotary_factor * self.head_dim), - traditional=False, - base=self.rope_theta, - ) - - self.qk_layernorm = config.qk_layernorm - if self.qk_layernorm: - self.q_layernorm = LayerNormPerHead( - self.head_dim, self.num_heads, eps=config.layer_norm_eps - ) - self.k_layernorm = LayerNormPerHead( - self.head_dim, self.num_key_value_heads, eps=config.layer_norm_eps - ) - - def __call__(self, x, mask=None, cache=None): - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - # Extract some shapes - B, L, D = queries.shape - - queries = queries.reshape(B, L, self.num_heads, -1) - keys = keys.reshape(B, L, self.num_key_value_heads, -1) - if self.qk_layernorm: - queries = self.q_layernorm(queries) - keys = self.k_layernorm(keys) - queries = queries.transpose(0, 2, 1, 3) - keys = keys.transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.num_key_value_heads, -1).transpose( - 0, 2, 1, 3 - ) - - # Add RoPE to the queries and keys and combine them with the cache - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - queries = queries.astype(mx.float32) - keys = keys.astype(mx.float32) - - # Finally perform the attention computation - scale = math.sqrt(1 / queries.shape[-1]) - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=scale, mask=mask - ).astype(values.dtype) - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.gate_proj = nn.Linear(dim, hidden_dim, bias=False) - self.down_proj = nn.Linear(hidden_dim, dim, bias=False) - self.up_proj = nn.Linear(dim, hidden_dim, bias=False) - - def __call__(self, x) -> mx.array: - return self.down_proj(nn.silu(self.gate_proj(x)) * self.up_proj(x)) - - -class DecoderLayer(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.self_attn = Attention(config=config) - self.mlp = MLP(config.hidden_size, config.intermediate_size) - self.input_layernorm = nn.LayerNorm( - config.hidden_size, - eps=config.layer_norm_eps, - ) - self.use_parallel_residual = config.use_parallel_residual - if not self.use_parallel_residual: - self.post_attention_layernorm = nn.LayerNorm( - config.hidden_size, - eps=config.layer_norm_eps, - ) - - def __call__(self, x, mask, cache): - h = self.input_layernorm(x) - r = self.self_attn(h, mask, cache) - - if self.use_parallel_residual: - out = x + r + self.mlp(h) - else: - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class StableLM(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.embed_tokens = nn.Embedding(config.vocab_size, config.hidden_size) - self.layers = [DecoderLayer(config) for i in range(config.num_hidden_layers)] - self.norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) - - def __call__(self, x, mask, cache): - x = self.embed_tokens(x) - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - x = layer(x, mask, cache=c) - - return self.norm(x) - - -class Model(nn.Module): - def __init__(self, config: ModelArgs): - super().__init__() - self.model_type = config.model_type - self.model = StableLM(config) - self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False) - self.args = config - - def __call__( - self, - x: mx.array, - mask: mx.array = None, - cache: mx.array = None, - ) -> Tuple[mx.array, mx.array]: - mask = None - if x.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(x.shape[1]) - mask = mask.astype(x.dtype) - - y = self.model(x, mask, cache) - return self.lm_head(y) - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/starcoder2.py b/llms/mlx_lm/models/starcoder2.py deleted file mode 100644 index 7b058d8f..00000000 --- a/llms/mlx_lm/models/starcoder2.py +++ /dev/null @@ -1,175 +0,0 @@ -from dataclasses import dataclass -from typing import Optional, Tuple - -import mlx.core as mx -import mlx.nn as nn - -from .base import BaseModelArgs, KVCache - - -@dataclass -class ModelArgs(BaseModelArgs): - model_type: str - hidden_size: int - num_hidden_layers: int - intermediate_size: int - num_attention_heads: int - num_key_value_heads: int - norm_epsilon: float = 1e-5 - vocab_size: int = 49152 - rope_theta: float = 100000 - tie_word_embeddings: bool = True - - -class Attention(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - - dim = args.hidden_size - self.n_heads = n_heads = args.num_attention_heads - self.n_kv_heads = n_kv_heads = args.num_key_value_heads - - head_dim = args.hidden_size // args.num_attention_heads - self.scale = head_dim**-0.5 - - self.q_proj = nn.Linear(dim, n_heads * head_dim, bias=True) - self.k_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=True) - self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=True) - self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=True) - self.rope = nn.RoPE(head_dim, traditional=False, base=args.rope_theta) - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - B, L, D = x.shape - - queries, keys, values = self.q_proj(x), self.k_proj(x), self.v_proj(x) - - # Prepare the queries, keys and values for the attention computation - queries = queries.reshape(B, L, self.n_heads, -1).transpose(0, 2, 1, 3) - keys = keys.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - values = values.reshape(B, L, self.n_kv_heads, -1).transpose(0, 2, 1, 3) - - if cache is not None: - queries = self.rope(queries, offset=cache.offset) - keys = self.rope(keys, offset=cache.offset) - keys, values = cache.update_and_fetch(keys, values) - else: - queries = self.rope(queries) - keys = self.rope(keys) - - output = mx.fast.scaled_dot_product_attention( - queries, keys, values, scale=self.scale, mask=mask - ) - - output = output.transpose(0, 2, 1, 3).reshape(B, L, -1) - return self.o_proj(output) - - -class MLP(nn.Module): - def __init__(self, dim, hidden_dim): - super().__init__() - self.c_fc = nn.Linear(dim, hidden_dim, bias=True) - self.c_proj = nn.Linear(hidden_dim, dim, bias=True) - - def __call__(self, x): - return self.c_proj(nn.gelu(self.c_fc(x))) - - -class TransformerBlock(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.hidden_size = args.hidden_size - self.n_heads = args.num_attention_heads - - self.self_attn = Attention(args) - self.mlp = MLP(args.hidden_size, args.intermediate_size) - self.input_layernorm = nn.LayerNorm(args.hidden_size, eps=args.norm_epsilon) - self.post_attention_layernorm = nn.LayerNorm( - args.hidden_size, eps=args.norm_epsilon - ) - self.args = args - - def __call__( - self, - x: mx.array, - mask: Optional[mx.array] = None, - cache: Optional[KVCache] = None, - ) -> mx.array: - r = self.self_attn(self.input_layernorm(x), mask, cache) - h = x + r - r = self.mlp(self.post_attention_layernorm(h)) - out = h + r - return out - - -class Starcoder2Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.vocab_size = args.vocab_size - self.num_hidden_layers = args.num_hidden_layers - assert self.vocab_size > 0 - self.embed_tokens = nn.Embedding(args.vocab_size, args.hidden_size) - self.layers = [ - TransformerBlock(args=args) for _ in range(args.num_hidden_layers) - ] - self.norm = nn.LayerNorm(args.hidden_size, eps=args.norm_epsilon) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - h = self.embed_tokens(inputs) - - mask = None - if h.shape[1] > 1: - mask = nn.MultiHeadAttention.create_additive_causal_mask(h.shape[1]) - mask = mask.astype(h.dtype) - - if cache is None: - cache = [None] * len(self.layers) - - for layer, c in zip(self.layers, cache): - h = layer(h, mask, c) - - return self.norm(h) - - -class Model(nn.Module): - def __init__(self, args: ModelArgs): - super().__init__() - self.args = args - self.model_type = args.model_type - self.model = Starcoder2Model(args) - if not args.tie_word_embeddings: - self.lm_head = nn.Linear(args.hidden_size, args.vocab_size, bias=False) - - def __call__( - self, - inputs: mx.array, - cache=None, - ): - out = self.model(inputs, cache) - if self.args.tie_word_embeddings: - out = self.model.embed_tokens.as_linear(out) - else: - out = self.lm_head(out) - return out - - @property - def layers(self): - return self.model.layers - - @property - def head_dim(self): - return self.args.hidden_size // self.args.num_attention_heads - - @property - def n_kv_heads(self): - return self.args.num_key_value_heads diff --git a/llms/mlx_lm/models/su_rope.py b/llms/mlx_lm/models/su_rope.py deleted file mode 100644 index cdf6ceaf..00000000 --- a/llms/mlx_lm/models/su_rope.py +++ /dev/null @@ -1,79 +0,0 @@ -import math -from typing import List, Union - -import mlx.core as mx - - -class SuScaledRotaryEmbedding: - def __init__( - self, - dims: int, - traditional: bool = False, - base: float = 10000.0, - scale: float = 1.0, - max_position_embeddings: int = 131072, - original_max_position_embeddings: int = 4096, - short_factor: Union[List[float], float] = 1.0, - long_factor: Union[List[float], float] = 1.0, - ): - """ - Phi3Su Scaled Rotary Embedding layer for Phi-3 models. - - Args: - dims (int): The feature dimensions to be rotated. - traditional (bool, optional): Unused. Default: ``False``. - base (int, optional): Base for the exponential scaling. - scale (float, optional): The scale used to scale the positions. - Default: ``1.0``. - max_position_embeddings (int, optional): The maximum sequence - length that this model was trained with. This is used to determine - the size of the original RoPE embeddings when using long scaling. - Default: ``131072``. - original_max_position_embeddings (int, optional): The maximum - sequence length that this model was trained with. This is used to - determine the size of the original RoPE embeddings when using long - scaling. Default: ``4096``. - short_factor (float or list[float], optional): List of scaling - factors for sequences of length lesser than - ``original_max_position_embeddings``. Default: ``1.0``. - long_factor (float or list[float], optional): List of scaling - factors for sequences of length greater than - ``original_max_position_embeddings``. Default: ``1.0``. - """ - self.inv_freq_short = 1.0 / ( - mx.array(short_factor, dtype=mx.float32) - * base ** (mx.arange(0, dims, 2, dtype=mx.float32) / dims) - ) - self.inv_freq_long = 1.0 / ( - scale - * mx.array(long_factor, dtype=mx.float32) - * base ** (mx.arange(0, dims, 2, dtype=mx.float32) / dims) - ) - self.original_max_position_embeddings = original_max_position_embeddings - self.scaling_factor = math.sqrt( - 1 - + math.log(max_position_embeddings / original_max_position_embeddings) - / math.log(original_max_position_embeddings) - ) - - def _get_cos_sin(self, offset, L): - position_ids = mx.arange(offset, offset + L, dtype=mx.float32) - inv_freq = ( - self.inv_freq_long - if (offset + L) > self.original_max_position_embeddings - else self.inv_freq_short - ) - freqs = position_ids[:, None] * inv_freq[None, :] - emb = mx.concatenate([freqs, freqs], axis=-1) - cos = mx.cos(emb) * self.scaling_factor - sin = mx.sin(emb) * self.scaling_factor - return cos, sin - - def __call__(self, x, offset: int = 0): - def _rotate_half(_x): - midpoint = _x.shape[-1] // 2 - x1, x2 = _x[..., :midpoint], _x[..., midpoint:] - return mx.concatenate([-x2, x1], axis=-1) - - cos, sin = self._get_cos_sin(offset, x.shape[2]) - return (x * cos) + (_rotate_half(x) * sin) diff --git a/llms/mlx_lm/models/switch_layers.py b/llms/mlx_lm/models/switch_layers.py deleted file mode 100644 index 00aa65d8..00000000 --- a/llms/mlx_lm/models/switch_layers.py +++ /dev/null @@ -1,165 +0,0 @@ -import math - -import mlx.core as mx -import mlx.nn as nn - - -class QuantizedSwitchLinear(nn.Module): - def __init__( - self, - input_dims: int, - output_dims: int, - num_experts: int, - bias: bool = True, - group_size: int = 64, - bits: int = 4, - ): - super().__init__() - - scale = math.sqrt(1 / input_dims) - self.weight, self.scales, self.biases = mx.quantize( - mx.random.uniform( - low=-scale, - high=scale, - shape=(num_experts, output_dims, input_dims), - ), - group_size=group_size, - bits=bits, - ) - - if bias: - self.bias = mx.zeros((num_experts, output_dims)) - - self.group_size = group_size - self.bits = bits - - # Freeze this model's parameters - self.freeze() - - def unfreeze(self, *args, **kwargs): - """Wrap unfreeze so that we unfreeze any layers we might contain but - our parameters will remain frozen.""" - super().unfreeze(*args, **kwargs) - self.freeze(recurse=False) - - @property - def input_dims(self): - return self.scales.shape[2] * self.group_size - - @property - def output_dims(self): - return self.weight.shape[1] - - @property - def num_experts(self): - return self.weight.shape[0] - - def __call__(self, x, indices): - x = mx.gather_qmm( - x, - self["weight"], - self["scales"], - self["biases"], - rhs_indices=indices, - transpose=True, - group_size=self.group_size, - bits=self.bits, - ) - if "bias" in self: - x = x + mx.expand_dims(self["bias"][indices], -2) - return x - - -class SwitchLinear(nn.Module): - def __init__( - self, input_dims: int, output_dims: int, num_experts: int, bias: bool = True - ): - super().__init__() - scale = math.sqrt(1 / input_dims) - self.weight = mx.random.uniform( - low=-scale, - high=scale, - shape=(num_experts, output_dims, input_dims), - ) - - if bias: - self.bias = mx.zeros((num_experts, output_dims)) - - @property - def input_dims(self): - return self.weight.shape[2] - - @property - def output_dims(self): - return self.weight.shape[1] - - @property - def num_experts(self): - return self.weight.shape[0] - - def __call__(self, x, indices): - x = mx.gather_mm(x, self["weight"].swapaxes(-1, -2), rhs_indices=indices) - if "bias" in self: - x = x + mx.expand_dims(self["bias"][indices], -2) - return x - - def to_quantized(self, group_size: int = 64, bits: int = 4): - num_experts, output_dims, input_dims = self.weight.shape - ql = QuantizedSwitchLinear( - input_dims, output_dims, num_experts, False, group_size, bits - ) - ql.weight, ql.scales, ql.biases = mx.quantize(self.weight, group_size, bits) - if "bias" in self: - ql.bias = self.bias - return ql - - -class SwitchGLU(nn.Module): - def __init__( - self, - input_dims: int, - hidden_dims: int, - num_experts: int, - activation=nn.silu, - bias: bool = False, - ): - super().__init__() - - self.gate_proj = SwitchLinear(input_dims, hidden_dims, num_experts, bias=bias) - self.up_proj = SwitchLinear(input_dims, hidden_dims, num_experts, bias=bias) - self.down_proj = SwitchLinear(hidden_dims, input_dims, num_experts, bias=bias) - self.activation = activation - - def __call__(self, x, indices) -> mx.array: - x = mx.expand_dims(x, (-2, -3)) - - x_up = self.up_proj(x, indices) - x_gate = self.gate_proj(x, indices) - x = self.down_proj(self.activation(x_gate) * x_up, indices) - - return x.squeeze(-2) - - -class SwitchMLP(nn.Module): - def __init__( - self, - input_dims: int, - hidden_dims: int, - num_experts: int, - activation=nn.gelu_approx, - bias: bool = False, - ): - super().__init__() - - self.fc1 = SwitchLinear(input_dims, hidden_dims, num_experts, bias=bias) - self.fc2 = SwitchLinear(hidden_dims, input_dims, num_experts, bias=bias) - self.activation = activation - - def __call__(self, x, indices) -> mx.array: - x = mx.expand_dims(x, (-2, -3)) - - x = self.fc1(x, indices) - x = self.activation(x) - x = self.fc2(x, indices) - - return x.squeeze(-2) diff --git a/llms/mlx_lm/py.typed b/llms/mlx_lm/py.typed deleted file mode 100644 index 8b137891..00000000 --- a/llms/mlx_lm/py.typed +++ /dev/null @@ -1 +0,0 @@ - diff --git a/llms/mlx_lm/requirements.txt b/llms/mlx_lm/requirements.txt deleted file mode 100644 index 4875f931..00000000 --- a/llms/mlx_lm/requirements.txt +++ /dev/null @@ -1,6 +0,0 @@ -mlx>=0.14.1 -numpy -transformers[sentencepiece]>=4.39.3 -protobuf -pyyaml -jinja2 diff --git a/llms/mlx_lm/sample_utils.py b/llms/mlx_lm/sample_utils.py deleted file mode 100644 index f22ce2d7..00000000 --- a/llms/mlx_lm/sample_utils.py +++ /dev/null @@ -1,34 +0,0 @@ -import mlx.core as mx - - -def top_p_sampling(logits: mx.array, top_p: float, temperature: float) -> mx.array: - """ - Apply top-p (nucleus) sampling to logits. - - Args: - logits: The logits from the model's output. - top_p: The cumulative probability threshold for top-p filtering. - temperature: Temperature parameter for softmax distribution reshaping. - Returns: - token selected based on the top-p criterion. - """ - # referenced implementation from https://github.com/huggingface/transformers/blob/main/src/transformers/generation/logits_process.py#L449-L460 - probs = mx.softmax(logits / temperature, axis=-1) - - # sort probs in ascending order - sorted_indices = mx.argsort(probs, axis=-1) - sorted_probs = probs[..., sorted_indices.squeeze(0)] - - cumulative_probs = mx.cumsum(sorted_probs, axis=-1) - - # select tokens with cumulative probs below threshold - top_probs = mx.where( - cumulative_probs > 1 - top_p, - sorted_probs, - mx.zeros_like(sorted_probs), - ) - - sorted_token = mx.random.categorical(mx.log(top_probs)) - token = sorted_indices.squeeze(0)[sorted_token] - - return token diff --git a/llms/mlx_lm/server.py b/llms/mlx_lm/server.py deleted file mode 100644 index 23d327e5..00000000 --- a/llms/mlx_lm/server.py +++ /dev/null @@ -1,669 +0,0 @@ -# Copyright © 2023-2024 Apple Inc. - -import argparse -import json -import logging -import time -import uuid -import warnings -from functools import lru_cache -from http.server import BaseHTTPRequestHandler, HTTPServer -from pathlib import Path -from typing import Dict, List, Literal, NamedTuple, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn -from transformers import PreTrainedTokenizer - -from .tokenizer_utils import TokenizerWrapper -from .utils import generate_step, load - - -class StopCondition(NamedTuple): - stop_met: bool - trim_length: int - - -def stopping_criteria( - tokens: List[int], - stop_id_sequences: List[List[int]], - eos_token_id: Union[int, None], -) -> StopCondition: - """ - Determines whether the token generation should stop based on predefined - conditions. - - Args: - tokens (List[int]): The current sequence of generated tokens. - stop_id_sequences (List[List[[int]]): A list of integer lists, each - representing a sequence of token IDs. If the end of the `tokens` - list matches any of these sequences, the generation should stop. - eos_token_id (Union[int, None]): The token ID that represents the - end-of-sequence. If the last token in `tokens` matches this, the - generation should stop. - - Returns: - StopCondition: A named tuple indicating whether the stop condition has - been met (`stop_met`) and how many tokens should be trimmed from the - end if it has (`trim_length`). - """ - if tokens and tokens[-1] == eos_token_id: - return StopCondition(stop_met=True, trim_length=1) - - for stop_ids in stop_id_sequences: - if len(tokens) >= len(stop_ids): - if tokens[-len(stop_ids) :] == stop_ids: - return StopCondition(stop_met=True, trim_length=len(stop_ids)) - - return StopCondition(stop_met=False, trim_length=0) - - -def convert_chat(messages: List[dict], role_mapping: Optional[dict] = None): - default_role_mapping = { - "system_prompt": ( - "A chat between a curious user and an artificial intelligence " - "assistant. The assistant follows the given rules no matter what." - ), - "system": "ASSISTANT's RULE: ", - "user": "USER: ", - "assistant": "ASSISTANT: ", - "stop": "\n", - } - role_mapping = role_mapping if role_mapping is not None else default_role_mapping - - prompt = "" - for line in messages: - role_prefix = role_mapping.get(line["role"], "") - stop = role_mapping.get("stop", "") - content = line.get("content", "") - prompt += f"{role_prefix}{content}{stop}" - - prompt += role_mapping.get("assistant", "") - return prompt.rstrip() - - -class ModelProvider: - def __init__(self, cli_args: argparse.Namespace): - """Load models on demand and persist them across the whole process.""" - self.cli_args = cli_args - self.model_key = None - self.model = None - self.tokenizer = None - - # Preload the default model if it is provided - if self.cli_args.model is not None: - self.load("default_model") - - def _validate_model_path(self, model_path: str): - model_path = Path(model_path) - if model_path.exists() and not model_path.is_relative_to(Path.cwd()): - raise RuntimeError( - "Local models must be relative to the current working dir." - ) - - def load(self, model_path): - if self.model_key == model_path: - return self.model, self.tokenizer - - # Remove the old model if it exists. - self.model = None - self.tokenizer = None - self.model_key = None - - # Building tokenizer_config - tokenizer_config = { - "trust_remote_code": True if self.cli_args.trust_remote_code else None - } - if self.cli_args.chat_template: - tokenizer_config["chat_template"] = self.cli_args.chat_template - - if model_path == "default_model" and self.cli_args.model is not None: - model, tokenizer = load( - self.cli_args.model, - adapter_path=self.cli_args.adapter_path, - tokenizer_config=tokenizer_config, - ) - else: - self._validate_model_path(model_path) - model, tokenizer = load(model_path, tokenizer_config=tokenizer_config) - - if self.cli_args.use_default_chat_template: - if tokenizer.chat_template is None: - tokenizer.chat_template = tokenizer.default_chat_template - - self.model_key = model_path - self.model = model - self.tokenizer = tokenizer - - return self.model, self.tokenizer - - -class APIHandler(BaseHTTPRequestHandler): - def __init__(self, model_provider: ModelProvider, *args, **kwargs): - """ - Create static request specific metadata - """ - self.created = int(time.time()) - self.model_provider = model_provider - super().__init__(*args, **kwargs) - - def _set_cors_headers(self): - self.send_header("Access-Control-Allow-Origin", "*") - self.send_header("Access-Control-Allow-Methods", "*") - self.send_header("Access-Control-Allow-Headers", "*") - - def _set_completion_headers(self, status_code: int = 200): - self.send_response(status_code) - self.send_header("Content-type", "application/json") - self._set_cors_headers() - - def _set_stream_headers(self, status_code: int = 200): - self.send_response(status_code) - self.send_header("Content-type", "text/event-stream") - self.send_header("Cache-Control", "no-cache") - self._set_cors_headers() - - def do_OPTIONS(self): - self._set_completion_headers(204) - self.end_headers() - - def do_POST(self): - """ - Respond to a POST request from a client. - """ - endpoints = { - "/v1/completions": self.handle_text_completions, - "/v1/chat/completions": self.handle_chat_completions, - "/chat/completions": self.handle_chat_completions, - } - - if self.path not in endpoints: - self._set_completion_headers(404) - self.end_headers() - self.wfile.write(b"Not Found") - return - - # Fetch and parse request body - content_length = int(self.headers["Content-Length"]) - raw_body = self.rfile.read(content_length) - self.body = json.loads(raw_body.decode()) - indent = "\t" # Backslashes can't be inside of f-strings - logging.debug(f"Incoming Request Body: {json.dumps(self.body, indent=indent)}") - assert isinstance( - self.body, dict - ), f"Request should be dict, but got {type(self.body)}" - - # Extract request parameters from the body - self.stream = self.body.get("stream", False) - self.requested_model = self.body.get("model", "default_model") - self.max_tokens = self.body.get("max_tokens", 100) - self.temperature = self.body.get("temperature", 1.0) - self.top_p = self.body.get("top_p", 1.0) - self.repetition_penalty = self.body.get("repetition_penalty", 1.0) - self.repetition_context_size = self.body.get("repetition_context_size", 20) - self.logit_bias = self.body.get("logit_bias", None) - self.logprobs = self.body.get("logprobs", -1) - self.validate_model_parameters() - - # Load the model if needed - try: - self.model, self.tokenizer = self.model_provider.load(self.requested_model) - except: - self._set_completion_headers(404) - self.end_headers() - self.wfile.write(b"Not Found") - return - - # Get stop id sequences, if provided - stop_words = self.body.get("stop") - stop_words = stop_words or [] - stop_words = [stop_words] if isinstance(stop_words, str) else stop_words - stop_id_sequences = [ - self.tokenizer.encode(stop_word, add_special_tokens=False) - for stop_word in stop_words - ] - - # Send header type - ( - self._set_stream_headers(200) - if self.stream - else self._set_completion_headers(200) - ) - - # Call endpoint specific method - prompt = endpoints[self.path]() - - # Call method based on response type - method = self.handle_stream if self.stream else self.handle_completion - method(prompt, stop_id_sequences) - - def validate_model_parameters(self): - """ - Validate the model parameters passed in the request for the correct types and values. - """ - if not isinstance(self.stream, bool): - raise ValueError("stream must be a boolean") - - if not isinstance(self.max_tokens, int) or self.max_tokens < 0: - raise ValueError("max_tokens must be a non-negative integer") - - if not isinstance(self.temperature, (float, int)) or self.temperature < 0: - raise ValueError("temperature must be a non-negative float") - - if not isinstance(self.top_p, (float, int)) or self.top_p < 0 or self.top_p > 1: - raise ValueError("top_p must be a float between 0 and 1") - - if ( - not isinstance(self.repetition_penalty, (float, int)) - or self.repetition_penalty < 0 - ): - raise ValueError("repetition_penalty must be a non-negative float") - - if self.logprobs != -1 and not (0 < self.logprobs <= 10): - raise ValueError( - f"logprobs must be between 1 and 10 but got {self.logprobs:,}" - ) - - if ( - not isinstance(self.repetition_context_size, int) - or self.repetition_context_size < 0 - ): - raise ValueError("repetition_context_size must be a non-negative integer") - - if self.logit_bias is not None: - if not isinstance(self.logit_bias, dict): - raise ValueError("logit_bias must be a dict of int to float") - - try: - self.logit_bias = {int(k): v for k, v in self.logit_bias.items()} - except ValueError: - raise ValueError("logit_bias must be a dict of int to float") - - if not isinstance(self.requested_model, str): - raise ValueError("model must be a string") - - def generate_response( - self, - text: str, - finish_reason: Union[Literal["length", "stop"], None], - prompt_token_count: Optional[int] = None, - completion_token_count: Optional[int] = None, - token_logprobs: Optional[List[float]] = None, - top_tokens: Optional[List[Dict[int, float]]] = None, - tokens: Optional[List[int]] = None, - ) -> dict: - """ - Generate a single response packet based on response type (stream or - not), completion type and parameters. - - Args: - text (str): Text generated by model - finish_reason (Union[Literal["length", "stop"], None]): The reason the - response is being sent: "length", "stop" or `None`. - prompt_token_count (Optional[int]): The number of tokens in the prompt, - used to populate the "usage" field (not used when stream). - completion_token_count (Optional[int]): The number of tokens in the - response, used to populate the "usage" field (not used when stream). - token_logprobs (Optional[List[float]]): The log probabilities per token, - in token order. - top_tokens (Optional[List[Dict[int, float]]]): List of dictionaries mapping - tokens to logprobs for the top N tokens at each token position. - tokens (Optional[List[int]]): List of tokens to return with logprobs structure - - Returns: - dict: A dictionary containing the response, in the same format as - OpenAI's API. - """ - token_logprobs = token_logprobs if token_logprobs else [] - top_logprobs = top_tokens if top_tokens else [] - - # Static response - response = { - "id": self.request_id, - "system_fingerprint": f"fp_{uuid.uuid4()}", - "object": self.object_type, - "model": self.requested_model, - "created": self.created, - "choices": [ - { - "index": 0, - "logprobs": { - "token_logprobs": token_logprobs, - "top_logprobs": top_logprobs, - "tokens": tokens, - }, - "finish_reason": finish_reason, - } - ], - } - - if not self.stream: - if not ( - isinstance(prompt_token_count, int) - and isinstance(completion_token_count, int) - ): - raise ValueError( - "Response type is complete, but token counts not provided" - ) - - response["usage"] = { - "prompt_tokens": prompt_token_count, - "completion_tokens": completion_token_count, - "total_tokens": prompt_token_count + completion_token_count, - } - - choice = response["choices"][0] - - # Add dynamic response - if self.object_type.startswith("chat.completion"): - key_name = "delta" if self.stream else "message" - choice[key_name] = {"role": "assistant", "content": text} - elif self.object_type == "text_completion": - choice.update(text=text) - else: - ValueError(f"Unsupported response type: {self.object_type}") - - return response - - def handle_completion( - self, - prompt: mx.array, - stop_id_sequences: List[List[int]], - ): - """ - Generate a response to a prompt and send it to the client in a single batch. - - Args: - prompt (mx.array): The prompt, in token form inside of a mlx array - stop_id_sequences (List[List[int]]): A list of stop words passed - to the stopping_criteria function - """ - detokenizer = self.tokenizer.detokenizer - detokenizer.reset() - tokens = [] - finish_reason = "length" - stop_sequence_suffix = None - logging.debug(f"Starting completion:") - token_logprobs = [] - top_tokens = [] - for (token, logprobs), _ in zip( - generate_step( - prompt=prompt, - model=self.model, - temp=self.temperature, - top_p=self.top_p, - repetition_penalty=self.repetition_penalty, - repetition_context_size=self.repetition_context_size, - logit_bias=self.logit_bias, - ), - range(self.max_tokens), - ): - detokenizer.add_token(token) - logging.debug(detokenizer.text) - tokens.append(token) - - if self.logprobs > 0: - sorted_indices = mx.argpartition(-logprobs, kth=self.logprobs - 1) - top_indices = sorted_indices[: self.logprobs] - top_logprobs = logprobs[top_indices] - top_token_info = zip(top_indices.tolist(), top_logprobs.tolist()) - top_tokens.append(dict(top_token_info)) - - token_logprobs.append(logprobs[token].item()) - - stop_condition = stopping_criteria( - tokens, stop_id_sequences, self.tokenizer.eos_token_id - ) - if stop_condition.stop_met: - finish_reason = "stop" - if stop_condition.trim_length: - stop_sequence_suffix = self.tokenizer.decode( - tokens[-stop_condition.trim_length :] - ) - break - - detokenizer.finalize() - text = ( - detokenizer.text - if stop_sequence_suffix is None - else detokenizer.text[: -len(stop_sequence_suffix)] - ) - response = self.generate_response( - text, - finish_reason, - len(prompt), - len(tokens), - token_logprobs=token_logprobs, - top_tokens=top_tokens, - tokens=tokens, - ) - - response_json = json.dumps(response).encode() - indent = "\t" # Backslashes can't be inside of f-strings - logging.debug(f"Outgoing Response: {json.dumps(response, indent=indent)}") - - # Send an additional Content-Length header when it is known - self.send_header("Content-Length", str(len(response_json))) - self.end_headers() - - self.wfile.write(response_json) - self.wfile.flush() - - def handle_stream( - self, - prompt: mx.array, - stop_id_sequences: List[List[int]], - ): - """ - Generate response to prompt and foward it to the client using a Server Sent Events (SSE) stream. - - Args: - prompt (mx.array): The prompt, in token form inside of a mlx array - stop_id_sequences (List[List[int]]): - A list of stop words passed to the stopping_criteria function - """ - # No additional headers are needed, call end_headers - self.end_headers() - - detokenizer = self.tokenizer.detokenizer - detokenizer.reset() - tokens = [] - - max_stop_id_sequence_len = len(max(stop_id_sequences, default=[])) - # Buffer to store the last `max_stop_id_sequence_len` tokens - # to check for stop conditions before writing to the stream. - stop_sequence_buffer = [] - stop_sequence_suffix = None - logging.debug(f"Starting stream:") - for (token, _), _ in zip( - generate_step( - prompt=prompt, - model=self.model, - temp=self.temperature, - top_p=self.top_p, - repetition_penalty=self.repetition_penalty, - repetition_context_size=self.repetition_context_size, - ), - range(self.max_tokens), - ): - detokenizer.add_token(token) - logging.debug(detokenizer.text) - tokens.append(token) - stop_sequence_buffer.append(token) - - # Continue generating tokens until buffer is as large as the longest stop_id_sequence - if len(stop_sequence_buffer) < max_stop_id_sequence_len: - continue - - stop_condition = stopping_criteria( - tokens, - stop_id_sequences, - self.tokenizer.eos_token_id, - ) - if stop_condition.stop_met: - if stop_condition.trim_length: - stop_sequence_suffix = self.tokenizer.decode( - tokens[-stop_condition.trim_length :] - ) - break - - new_text = detokenizer.last_segment - response = self.generate_response(new_text, None) - self.wfile.write(f"data: {json.dumps(response)}\n\n".encode()) - self.wfile.flush() - stop_sequence_buffer = [] - - # check is there any remaining text to send - if stop_sequence_buffer: - next_chunk = ( - detokenizer.last_segment - if stop_sequence_suffix is None - else detokenizer.last_segment[: -len(stop_sequence_suffix)] - ) - response = self.generate_response(next_chunk, "length") - - self.wfile.write(f"data: {json.dumps(response)}\n\n".encode()) - self.wfile.flush() - - self.wfile.write("data: [DONE]\n\n".encode()) - self.wfile.flush() - - def handle_chat_completions(self) -> mx.array: - """ - Handle a chat completion request. - - Returns: - mx.array: A mx.array of the tokenized prompt from the request body - """ - body = self.body - assert "messages" in body, "Request did not contain messages" - - # Determine response type - self.request_id = f"chatcmpl-{uuid.uuid4()}" - self.object_type = ( - "chat.completions.chunk" if self.stream else "chat.completions" - ) - - if ( - hasattr(self.tokenizer, "apply_chat_template") - and self.tokenizer.chat_template - ): - prompt = self.tokenizer.apply_chat_template( - body["messages"], - tokenize=True, - add_generation_prompt=True, - ) - else: - prompt = convert_chat(body["messages"], body.get("role_mapping")) - prompt = self.tokenizer.encode(prompt) - - return mx.array(prompt) - - def handle_text_completions(self) -> mx.array: - """ - Handle a text completion request. - - Returns: - mx.array: A mx.array of the tokenized prompt from the request body - """ - # Determine response type - self.request_id = f"cmpl-{uuid.uuid4()}" - self.object_type = "text_completion" - - assert "prompt" in self.body, "Request did not contain a prompt" - prompt_text = self.body["prompt"] - prompt = self.tokenizer.encode(prompt_text) - return mx.array(prompt) - - -def run( - host: str, - port: int, - model_provider: ModelProvider, - server_class=HTTPServer, - handler_class=APIHandler, -): - server_address = (host, port) - httpd = server_class( - server_address, - lambda *args, **kwargs: handler_class(model_provider, *args, **kwargs), - ) - warnings.warn( - "mlx_lm.server is not recommended for production as " - "it only implements basic security checks." - ) - logging.info(f"Starting httpd at {host} on port {port}...") - httpd.serve_forever() - - -def main(): - parser = argparse.ArgumentParser(description="MLX Http Server.") - parser.add_argument( - "--model", - type=str, - help="The path to the MLX model weights, tokenizer, and config", - ) - parser.add_argument( - "--adapter-path", - type=str, - help="Optional path for the trained adapter weights and config.", - ) - parser.add_argument( - "--host", - type=str, - default="127.0.0.1", - help="Host for the HTTP server (default: 127.0.0.1)", - ) - parser.add_argument( - "--port", - type=int, - default=8080, - help="Port for the HTTP server (default: 8080)", - ) - parser.add_argument( - "--trust-remote-code", - action="store_true", - help="Enable trusting remote code for tokenizer", - ) - parser.add_argument( - "--log-level", - type=str, - default="INFO", - choices=["DEBUG", "INFO", "WARNING", "ERROR", "CRITICAL"], - help="Set the logging level (default: INFO)", - ) - parser.add_argument( - "--cache-limit-gb", - type=int, - default=None, - help="Set the MLX cache limit in GB", - required=False, - ) - parser.add_argument( - "--chat-template", - type=str, - default="", - help="Specify a chat template for the tokenizer", - required=False, - ) - parser.add_argument( - "--use-default-chat-template", - action="store_true", - help="Use the default chat template", - ) - args = parser.parse_args() - - logging.basicConfig( - level=getattr(logging, args.log_level.upper(), None), - format="%(asctime)s - %(levelname)s - %(message)s", - ) - - if args.cache_limit_gb is not None: - logging.debug(f"Setting cache limit to {args.cache_limit_gb} GB") - mx.metal.set_cache_limit(args.cache_limit_gb * 1024 * 1024 * 1024) - - run(args.host, args.port, ModelProvider(args)) - - -if __name__ == "__main__": - main() diff --git a/llms/mlx_lm/tokenizer_utils.py b/llms/mlx_lm/tokenizer_utils.py deleted file mode 100644 index 6caad629..00000000 --- a/llms/mlx_lm/tokenizer_utils.py +++ /dev/null @@ -1,330 +0,0 @@ -import json -from functools import partial - -from transformers import AutoTokenizer - -REPLACEMENT_CHAR = "\ufffd" - - -def _remove_space(x): - if x and x[0] == " ": - return x[1:] - return x - - -class StreamingDetokenizer: - """The streaming detokenizer interface so that we can detokenize one token at a time. - - Example usage is as follows: - - detokenizer = ... - - # Reset the tokenizer state - detokenizer.reset() - - for token in generate(...): - detokenizer.add_token(token.item()) - - # Contains the whole text so far. Some tokens may not be included - # since it contains whole words usually. - detokenizer.text - - # Contains the printable segment (usually a word) since the last - # time it was accessed - detokenizer.last_segment - - # Contains all the tokens added so far - detokenizer.tokens - - # Make sure that we detokenize any remaining tokens - detokenizer.finalize() - - # Now detokenizer.text should match tokenizer.decode(detokenizer.tokens) - """ - - __slots__ = ("text", "tokens", "offset") - - def reset(self): - raise NotImplementedError() - - def add_token(self, token): - raise NotImplementedError() - - def finalize(self): - raise NotImplementedError() - - @property - def last_segment(self): - """Return the last segment of readable text since last time this property was accessed.""" - text = self.text - if text and text[-1] != REPLACEMENT_CHAR: - segment = text[self.offset :] - self.offset = len(text) - return segment - return "" - - -class NaiveStreamingDetokenizer(StreamingDetokenizer): - """NaiveStreamingDetokenizer relies on the underlying tokenizer - implementation and should work with every tokenizer. - - Its complexity is O(T^2) where T is the longest line since it will - repeatedly detokenize the same tokens until a new line is generated. - """ - - def __init__(self, tokenizer): - self._tokenizer = tokenizer - self._tokenizer.decode([0]) - self.reset() - - def reset(self): - self.offset = 0 - self._tokens = [] - self._text = "" - self._current_tokens = [] - self._current_text = "" - - def add_token(self, token): - self._current_tokens.append(token) - - def finalize(self): - self._tokens.extend(self._current_tokens) - self._text += self._tokenizer.decode(self._current_tokens) - self._current_tokens = [] - self._current_text = "" - - @property - def text(self): - if self._current_tokens: - self._current_text = self._tokenizer.decode(self._current_tokens) - if self._current_text and self._current_text[-1] == "\n": - self._tokens.extend(self._current_tokens) - self._text += self._current_text - self._current_tokens.clear() - self._current_text = "" - return self._text + self._current_text - - @property - def tokens(self): - return self._tokens - - -class SPMStreamingDetokenizer(StreamingDetokenizer): - """A streaming detokenizer for SPM models. - - It adds tokens to the text if the next token starts with the special SPM - underscore which results in linear complexity. - """ - - def __init__(self, tokenizer, trim_space=True): - self.trim_space = trim_space - - # Extract the tokens in a list from id to text - self.tokenmap = [""] * (max(tokenizer.vocab.values()) + 1) - for value, tokenid in tokenizer.vocab.items(): - self.tokenmap[tokenid] = value - - # Replace bytes with their value - for i in range(len(self.tokenmap)): - if self.tokenmap[i].startswith("<0x"): - self.tokenmap[i] = chr(int(self.tokenmap[i][3:5], 16)) - - self.reset() - - def reset(self): - self.offset = 0 - self._unflushed = "" - self.text = "" - self.tokens = [] - - def add_token(self, token): - v = self.tokenmap[token] - if v[0] == "\u2581": - if self.text or not self.trim_space: - self.text += self._unflushed.replace("\u2581", " ") - else: - self.text = _remove_space(self._unflushed.replace("\u2581", " ")) - self._unflushed = v - else: - self._unflushed += v - - def finalize(self): - if self.text or not self.trim_space: - self.text += self._unflushed.replace("\u2581", " ") - else: - self.text = _remove_space(self._unflushed.replace("\u2581", " ")) - self._unflushed = "" - - -class BPEStreamingDetokenizer(StreamingDetokenizer): - """A streaming detokenizer for OpenAI style BPE models. - - It adds tokens to the text if the next token starts with a space similar to - the SPM detokenizer. - """ - - _byte_decoder = None - - def __init__(self, tokenizer, trim_space=False): - self.trim_space = trim_space - - # Extract the tokens in a list from id to text - self.tokenmap = [None] * len(tokenizer.vocab) - for value, tokenid in tokenizer.vocab.items(): - self.tokenmap[tokenid] = value - - self.reset() - - # Make the BPE byte decoder from - # https://github.com/openai/gpt-2/blob/master/src/encoder.py - self.make_byte_decoder() - - def reset(self): - self.offset = 0 - self._unflushed = "" - self.text = "" - self.tokens = [] - - def add_token(self, token): - v = self.tokenmap[token] - # if the token starts with space - if self._byte_decoder[v[0]] == 32: - current_text = bytearray( - self._byte_decoder[c] for c in self._unflushed - ).decode("utf-8") - if self.text or not self.trim_space: - self.text += current_text - else: - self.text += _remove_space(current_text) - self._unflushed = v - else: - self._unflushed += v - - def finalize(self): - current_text = bytearray(self._byte_decoder[c] for c in self._unflushed).decode( - "utf-8" - ) - if self.text or not self.trim_space: - self.text += current_text - else: - self.text += _remove_space(current_text) - self._unflushed = "" - - @classmethod - def make_byte_decoder(cls): - """See https://github.com/openai/gpt-2/blob/master/src/encoder.py for the rationale.""" - if cls._byte_decoder is not None: - return - - char_to_bytes = {} - limits = [ - 0, - ord("!"), - ord("~") + 1, - ord("¡"), - ord("¬") + 1, - ord("®"), - ord("ÿ") + 1, - ] - n = 0 - for i, (start, stop) in enumerate(zip(limits, limits[1:])): - if i % 2 == 0: - for b in range(start, stop): - char_to_bytes[chr(2**8 + n)] = b - n += 1 - else: - for b in range(start, stop): - char_to_bytes[chr(b)] = b - cls._byte_decoder = char_to_bytes - - -class TokenizerWrapper: - """A wrapper that combines an HF tokenizer and a detokenizer. - - Accessing any attribute other than the ``detokenizer`` is forwarded to the - huggingface tokenizer. - """ - - def __init__(self, tokenizer, detokenizer_class=NaiveStreamingDetokenizer): - self._tokenizer = tokenizer - self._detokenizer = detokenizer_class(tokenizer) - - def __getattr__(self, attr): - if attr == "detokenizer": - return self._detokenizer - else: - return getattr(self._tokenizer, attr) - - -def _match(a, b): - if type(a) != type(b): - return False - if isinstance(a, dict): - return len(a) == len(b) and all(k in b and _match(a[k], b[k]) for k in a) - if isinstance(a, list): - return len(a) == len(b) and all(_match(ai, bi) for ai, bi in zip(a, b)) - - return a == b - - -def _is_spm_decoder(decoder): - _target_description = { - "type": "Sequence", - "decoders": [ - {"type": "Replace", "pattern": {"String": "▁"}, "content": " "}, - {"type": "ByteFallback"}, - {"type": "Fuse"}, - {"type": "Strip", "content": " ", "start": 1, "stop": 0}, - ], - } - return _match(_target_description, decoder) - - -def _is_spm_decoder_no_space(decoder): - _target_description = { - "type": "Sequence", - "decoders": [ - {"type": "Replace", "pattern": {"String": "▁"}, "content": " "}, - {"type": "ByteFallback"}, - {"type": "Fuse"}, - ], - } - return _match(_target_description, decoder) - - -def _is_bpe_decoder(decoder): - _target_description = { - "type": "ByteLevel", - "add_prefix_space": False, - "trim_offsets": False, - "use_regex": False, - } - - return _match(_target_description, decoder) - - -def load_tokenizer(model_path, tokenizer_config_extra={}): - """Load a huggingface tokenizer and try to infer the type of streaming - detokenizer to use. - - Note, to use a fast streaming tokenizer, pass a local file path rather than - a Hugging Face repo ID. - """ - detokenizer_class = NaiveStreamingDetokenizer - - tokenizer_file = model_path / "tokenizer.json" - if tokenizer_file.exists(): - with open(tokenizer_file, "r") as fid: - tokenizer_content = json.load(fid) - if "decoder" in tokenizer_content: - if _is_spm_decoder(tokenizer_content["decoder"]): - detokenizer_class = SPMStreamingDetokenizer - elif _is_spm_decoder_no_space(tokenizer_content["decoder"]): - detokenizer_class = partial(SPMStreamingDetokenizer, trim_space=False) - elif _is_bpe_decoder(tokenizer_content["decoder"]): - detokenizer_class = BPEStreamingDetokenizer - - return TokenizerWrapper( - AutoTokenizer.from_pretrained(model_path, **tokenizer_config_extra), - detokenizer_class, - ) diff --git a/llms/mlx_lm/tuner/__init__.py b/llms/mlx_lm/tuner/__init__.py deleted file mode 100644 index 2e6d2f90..00000000 --- a/llms/mlx_lm/tuner/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ -from .trainer import TrainingArgs, evaluate, train -from .utils import linear_to_lora_layers diff --git a/llms/mlx_lm/tuner/datasets.py b/llms/mlx_lm/tuner/datasets.py deleted file mode 100644 index 3d99894c..00000000 --- a/llms/mlx_lm/tuner/datasets.py +++ /dev/null @@ -1,155 +0,0 @@ -import json -from pathlib import Path -from typing import Dict, List - -from transformers import PreTrainedTokenizer - - -class Dataset: - """ - Light-weight wrapper to hold a dataset. - """ - - def __init__(self, data: List[Dict[str, str]], text_key: str = "text"): - self._text_key = text_key - self._data = data - - def __getitem__(self, idx: int): - return self._data[idx][self._text_key] - - def __len__(self): - if self._data is None: - return 0 - return len(self._data) - - -class ChatDataset(Dataset): - """ - A dataset for chat data in the format of {"messages": [...]} - https://platform.openai.com/docs/guides/fine-tuning/example-format - """ - - def __init__(self, data: List[Dict[str, str]], tokenizer: PreTrainedTokenizer): - super().__init__(data) - self._tokenizer = tokenizer - - def __getitem__(self, idx: int): - messages = self._data[idx]["messages"] - text = self._tokenizer.apply_chat_template( - messages, tokenize=False, add_generation_prompt=True - ) - return text - - -class CompletionsDataset(Dataset): - """ - A dataset for prompt-completion data in the format of {"prompt": ..., "completion": ...} - or using user-provided keys for prompt and completion values - https://platform.openai.com/docs/guides/fine-tuning/example-format - """ - - def __init__( - self, - data: List[Dict[str, str]], - tokenizer: PreTrainedTokenizer, - prompt_key: str = "prompt", - completion_key: str = "completion", - ): - super().__init__(data) - self._tokenizer = tokenizer - self._prompt_key = prompt_key - self._completion_key = completion_key - - def __getitem__(self, idx: int): - data = self._data[idx] - text = self._tokenizer.apply_chat_template( - [ - {"role": "user", "content": data[self._prompt_key]}, - {"role": "assistant", "content": data[self._completion_key]}, - ], - tokenize=False, - add_generation_prompt=True, - ) - return text - - -def create_dataset(path: Path, tokenizer: PreTrainedTokenizer = None): - # Return empty dataset for non-existent paths - if not path.exists(): - return [] - with open(path, "r") as fid: - data = [json.loads(l) for l in fid] - if "messages" in data[0]: - return ChatDataset(data, tokenizer) - elif "prompt" in data[0] and "completion" in data[0]: - return CompletionsDataset(data, tokenizer) - elif "text" in data[0]: - return Dataset(data) - else: - raise ValueError( - "Unsupported data format, check the supported formats here:\n" - "https://github.com/ml-explore/mlx-examples/blob/main/llms/mlx_lm/LORA.md#data." - ) - - -def load_dataset(args, tokenizer: PreTrainedTokenizer): - if getattr(args, "hf_dataset", None) is not None: - import datasets - - hf_args = args.hf_dataset - dataset_name = hf_args["name"] - print(f"Loading Hugging Face dataset {dataset_name}.") - text_feature = hf_args.get("text_feature") - prompt_feature = hf_args.get("prompt_feature") - completion_feature = hf_args.get("completion_feature") - - def create_hf_dataset(split: str = None): - ds = datasets.load_dataset( - dataset_name, - split=split, - **hf_args.get("config", {}), - ) - if prompt_feature and completion_feature: - return CompletionsDataset( - ds, tokenizer, prompt_feature, completion_feature - ) - elif text_feature: - return Dataset(train_ds, text_key=text_feature) - else: - raise ValueError( - "Specify either a prompt and completion feature or a text " - "feature for the Hugging Face dataset." - ) - - if args.train: - train_split = hf_args.get("train_split", "train[:80%]") - valid_split = hf_args.get("valid_split", "train[-10%:]") - train = create_hf_dataset(split=train_split) - valid = create_hf_dataset(split=valid_split) - else: - train, valid = [], [] - if args.test: - test = create_hf_dataset(split=hf_args.get("test_split")) - else: - test = [] - - else: - names = ("train", "valid", "test") - data_path = Path(args.data) - - train, valid, test = [ - create_dataset(data_path / f"{n}.jsonl", tokenizer) for n in names - ] - if args.train and len(train) == 0: - raise ValueError( - "Training set not found or empty. Must provide training set for fine-tuning." - ) - if args.train and len(valid) == 0: - raise ValueError( - "Validation set not found or empty. Must provide validation set for fine-tuning." - ) - if args.test and len(test) == 0: - raise ValueError( - "Test set not found or empty. Must provide test set for evaluation." - ) - return train, valid, test diff --git a/llms/mlx_lm/tuner/lora.py b/llms/mlx_lm/tuner/lora.py deleted file mode 100644 index 19babb0e..00000000 --- a/llms/mlx_lm/tuner/lora.py +++ /dev/null @@ -1,193 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import math - -import mlx.core as mx -import mlx.nn as nn - -from ..models.switch_layers import QuantizedSwitchLinear, SwitchLinear - - -class LoRALinear(nn.Module): - @staticmethod - def from_linear( - linear: nn.Linear, - r: int = 8, - dropout: float = 0.0, - scale: float = 20.0, - ): - # TODO remove when input_dims and output_dims are attributes - # on linear and quantized linear - output_dims, input_dims = linear.weight.shape - if isinstance(linear, nn.QuantizedLinear): - input_dims *= 32 // linear.bits - lora_lin = LoRALinear( - input_dims=input_dims, - output_dims=output_dims, - r=r, - dropout=dropout, - scale=scale, - ) - lora_lin.linear = linear - return lora_lin - - def to_linear(self, de_quantize: bool = False): - linear = self.linear - bias = "bias" in linear - weight = linear.weight - is_quantized = isinstance(linear, nn.QuantizedLinear) - - # Use the same type as the linear weight if not quantized - dtype = weight.dtype - - if is_quantized: - dtype = mx.float16 - weight = mx.dequantize( - weight, - linear.scales, - linear.biases, - linear.group_size, - linear.bits, - ) - output_dims, input_dims = weight.shape - fused_linear = nn.Linear(input_dims, output_dims, bias=bias) - - lora_b = (self.scale * self.lora_b.T).astype(dtype) - lora_a = self.lora_a.T.astype(dtype) - fused_linear.weight = weight + lora_b @ lora_a - if bias: - fused_linear.bias = linear.bias - - if is_quantized and not de_quantize: - fused_linear = nn.QuantizedLinear.from_linear( - fused_linear, - linear.group_size, - linear.bits, - ) - - return fused_linear - - def __init__( - self, - input_dims: int, - output_dims: int, - r: int = 8, - dropout: float = 0.0, - scale: float = 20.0, - bias: bool = False, - ): - super().__init__() - - # Regular linear layer weights - self.linear = nn.Linear(input_dims, output_dims, bias=bias) - - self.dropout = nn.Dropout(p=dropout) - - # Scale for low-rank update - self.scale = scale - - # Low rank lora weights - scale = 1 / math.sqrt(input_dims) - self.lora_a = mx.random.uniform( - low=-scale, - high=scale, - shape=(input_dims, r), - ) - self.lora_b = mx.zeros(shape=(r, output_dims)) - - def __call__(self, x): - y = self.linear(x) - z = (self.dropout(x) @ self.lora_a) @ self.lora_b - return y + (self.scale * z).astype(x.dtype) - - -class LoRASwitchLinear(nn.Module): - @staticmethod - def from_linear( - linear: nn.Module, - r: int = 8, - dropout: float = 0.0, - scale: float = 20.0, - ): - lora_lin = LoRASwitchLinear( - input_dims=linear.input_dims, - output_dims=linear.output_dims, - num_experts=linear.num_experts, - r=r, - dropout=dropout, - scale=scale, - ) - lora_lin.linear = linear - return lora_lin - - def to_linear(self, de_quantize: bool = False): - linear = self.linear - bias = "bias" in linear - weight = linear.weight - is_quantized = isinstance(linear, QuantizedSwitchLinear) - - # Use the same type as the linear weight if not quantized - dtype = weight.dtype - - if is_quantized: - dtype = mx.float16 - weight = mx.dequantize( - weight, - linear.scales, - linear.biases, - linear.group_size, - linear.bits, - ) - num_experts, output_dims, input_dims = weight.shape - fused_linear = SwitchLinear(input_dims, output_dims, num_experts, bias=bias) - - lora_b = (self.scale * self.lora_b).astype(dtype) - lora_a = self.lora_a.reshape(num_experts, -1, input_dims).astype(dtype) - fused_linear.weight = weight + lora_b @ lora_a - if bias: - fused_linear.bias = linear.bias - - if is_quantized and not de_quantize: - fused_linear = fused_linear.to_quantized(linear.group_size, linear.bits) - - return fused_linear - - def __init__( - self, - input_dims: int, - output_dims: int, - num_experts: int, - r: int = 8, - dropout: float = 0.0, - scale: float = 20.0, - bias: bool = False, - ): - super().__init__() - - # Regular linear layer weights - self.linear = SwitchLinear(input_dims, output_dims, num_experts, bias=bias) - - self.dropout = nn.Dropout(p=dropout) - - # Scale for low-rank update - self.scale = scale - - # Low rank lora weights - scale = 1 / math.sqrt(input_dims) - self.lora_a = mx.random.uniform( - low=-scale, - high=scale, - shape=(r * num_experts, input_dims), - ) - self.lora_b = mx.zeros(shape=(num_experts, output_dims, r)) - self.num_experts = num_experts - - def __call__(self, x, indices): - shape = x.shape[:-3] + (self.num_experts, -1) - - y = self.linear(x, indices) - z = (self.dropout(x) @ self.lora_a.T).reshape(shape) - z = mx.take_along_axis(z, indices[..., None], axis=-2) - z = z[..., None, :] @ self.lora_b[indices].swapaxes(-2, -1) - - return y + (self.scale * z).astype(x.dtype) diff --git a/llms/mlx_lm/tuner/trainer.py b/llms/mlx_lm/tuner/trainer.py deleted file mode 100644 index 24fcc5c6..00000000 --- a/llms/mlx_lm/tuner/trainer.py +++ /dev/null @@ -1,310 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import time -from dataclasses import dataclass, field -from pathlib import Path -from typing import Union - -import mlx.core as mx -import mlx.nn as nn -import numpy as np -from mlx.utils import tree_flatten - - -def grad_checkpoint(layer): - """ - Update all instances of type(layer) to use gradient checkpointing. - """ - fn = type(layer).__call__ - - def checkpointed_fn(model, *args, **kwargs): - def inner_fn(params, *args, **kwargs): - model.update(params) - return fn(model, *args, **kwargs) - - return mx.checkpoint(inner_fn)(model.trainable_parameters(), *args, **kwargs) - - type(layer).__call__ = checkpointed_fn - - -@dataclass -class TrainingArgs: - batch_size: int = field(default=4, metadata={"help": "Minibatch size."}) - iters: int = field(default=100, metadata={"help": "Iterations to train for."}) - val_batches: int = field( - default=25, - metadata={ - "help": "Number of validation batches, -1 uses the entire validation set." - }, - ) - steps_per_report: int = field( - default=10, - metadata={"help": "Number of training steps between loss reporting."}, - ) - steps_per_eval: int = field( - default=200, metadata={"help": "Number of training steps between validations."} - ) - steps_per_save: int = field( - default=100, metadata={"help": "Save the model every number steps"} - ) - max_seq_length: int = field( - default=2048, metadata={"help": "Maximum sequence length."} - ) - adapter_file: str = field( - default="adapters.safetensors", - metadata={"help": "Save/load path for the trained adapter weights."}, - ) - grad_checkpoint: bool = field( - default=False, - metadata={"help": "Use gradient checkpointing to reduce memory use."}, - ) - - -def default_loss(model, inputs, targets, lengths): - logits = model(inputs) - logits = logits.astype(mx.float32) - - length_mask = mx.arange(inputs.shape[1])[None, :] < lengths[:, None] - - ce = nn.losses.cross_entropy(logits, targets) * length_mask - ntoks = length_mask.sum() - ce = ce.sum() / ntoks - - return ce, ntoks - - -def iterate_batches(dataset, tokenizer, batch_size, max_seq_length, train=False): - # Sort by length: - idx = sorted(range(len(dataset)), key=lambda idx: len(dataset[idx])) - if len(dataset) < batch_size: - raise ValueError( - f"Dataset must have at least batch_size={batch_size}" - f" examples but only has {len(dataset)}." - ) - - # Make the batches: - batch_idx = [ - idx[i : i + batch_size] for i in range(0, len(idx) - batch_size + 1, batch_size) - ] - - while True: - indices = np.random.permutation(len(batch_idx)) - for i in indices: - # Encode batch - batch = [tokenizer.encode(dataset[j]) for j in batch_idx[i]] - for b in batch: - if b[-1] == tokenizer.eos_token_id: - print("[WARNING] Example already has an EOS token appended") - else: - b.append(tokenizer.eos_token_id) - - lengths = [len(x) for x in batch] - - if max(lengths) > max_seq_length: - print( - f"[WARNING] Some sequences are longer than {max_seq_length} tokens. " - f"The longest sentence {max(lengths)} will be truncated to {max_seq_length}. " - "Consider pre-splitting your data to save memory." - ) - - # Pad to the nearest multiple of 8 or the maximum length - pad_to = 8 - max_length_in_batch = pad_to * ((max(lengths) + pad_to - 1) // pad_to) - max_length_in_batch = min(max_length_in_batch, max_seq_length) - - batch_arr = np.zeros((batch_size, max_length_in_batch), np.int32) - - for j in range(batch_size): - truncated_length = min(lengths[j], max_seq_length) - batch_arr[j, :truncated_length] = batch[j][:truncated_length] - lengths[j] = ( - truncated_length # Update lengths to match truncated lengths - ) - batch = mx.array(batch_arr) - - yield batch[:, :-1], batch[:, 1:], mx.array(lengths) - - if not train: - break - - -def evaluate( - model, - dataset, - tokenizer, - batch_size, - num_batches, - max_seq_length=2048, - loss: callable = default_loss, - iterate_batches: callable = iterate_batches, -): - all_losses = [] - ntokens = 0 - - index_iterator = iter(range(num_batches)) if num_batches != -1 else iter(int, 1) - - for _, batch in zip( - index_iterator, - iterate_batches( - dataset=dataset, - tokenizer=tokenizer, - batch_size=batch_size, - max_seq_length=max_seq_length, - ), - ): - losses, toks = loss(model, *batch) - all_losses.append((losses * toks).item()) - ntokens += toks.item() - - return np.sum(all_losses) / ntokens - - -class TrainingCallback: - - def on_train_loss_report(self, train_info: dict): - """Called to report training loss at specified intervals.""" - pass - - def on_val_loss_report(self, val_info: dict): - """Called to report validation loss at specified intervals or the beginning.""" - pass - - -def train( - model, - tokenizer, - optimizer, - train_dataset, - val_dataset, - args: TrainingArgs = TrainingArgs(), - loss: callable = default_loss, - iterate_batches: callable = iterate_batches, - training_callback: TrainingCallback = None, -): - print(f"Starting training..., iters: {args.iters}") - - if args.grad_checkpoint: - grad_checkpoint(model.layers[0]) - - state = [model.state, optimizer.state] - - def step(batch): - # Forward and backward pass - (lvalue, toks), grad = loss_value_and_grad(model, *batch) - - # Model update - optimizer.update(model, grad) - - return lvalue, toks - - loss_value_and_grad = nn.value_and_grad(model, loss) - - losses = [] - n_tokens = 0 - trained_tokens = 0 - # Main training loop - start = time.perf_counter() - for it, batch in zip( - range(1, args.iters + 1), - iterate_batches( - dataset=train_dataset, - tokenizer=tokenizer, - batch_size=args.batch_size, - max_seq_length=args.max_seq_length, - train=True, - ), - ): - # Report validation loss if needed, the first validation loss - # is always measured before any training. - if it == 1 or it % args.steps_per_eval == 0 or it == args.iters: - stop = time.perf_counter() - val_loss = evaluate( - model=model, - dataset=val_dataset, - loss=loss, - tokenizer=tokenizer, - batch_size=args.batch_size, - num_batches=args.val_batches, - max_seq_length=args.max_seq_length, - iterate_batches=iterate_batches, - ) - val_time = time.perf_counter() - stop - print( - f"Iter {it}: " f"Val loss {val_loss:.3f}, " f"Val took {val_time:.3f}s" - ) - - if training_callback is not None: - val_info = { - "iteration": it, - "val_loss": val_loss, - "val_time": val_time, - } - training_callback.on_val_loss_report(val_info) - - start = time.perf_counter() - - lvalue, toks = step(batch) - mx.eval(state, lvalue, toks) - - # Record loss - losses.append(lvalue.item()) - n_tokens += toks.item() - - # Report training loss if needed - if it % args.steps_per_report == 0 or it == args.iters: - stop = time.perf_counter() - - train_loss = np.mean(losses) - learning_rate = optimizer.learning_rate.item() - it_sec = args.steps_per_report / (stop - start) - tokens_sec = float(n_tokens) / (stop - start) - trained_tokens += n_tokens - peak_mem = mx.metal.get_peak_memory() / 2**30 - print( - f"Iter {it}: Train loss {train_loss:.3f}, " - f"Learning Rate {learning_rate:.3e}, " - f"It/sec {it_sec:.3f}, " - f"Tokens/sec {tokens_sec:.3f}, " - f"Trained Tokens {trained_tokens}, " - f"Peak mem {peak_mem:.3f} GB" - ) - - if training_callback is not None: - train_info = { - "iteration": it, - "train_loss": train_loss, - "learning_rate": learning_rate, - "iterations_per_second": it_sec, - "tokens_per_second": tokens_sec, - "trained_tokens": trained_tokens, - "peak_memory": peak_mem, - } - training_callback.on_train_loss_report(train_info) - - losses = [] - n_tokens = 0 - start = time.perf_counter() - - # Save adapter weights - if it % args.steps_per_save == 0: - save_adapter(model, args.adapter_file) - checkpoint = ( - Path(args.adapter_file).parent / f"{it:07d}_adapters.safetensors" - ) - save_adapter(model, checkpoint) - print( - f"Iter {it}: Saved adapter weights to " - f"{args.adapter_file} and {checkpoint}." - ) - - # save final adapter weights - save_adapter(model, args.adapter_file) - print(f"Saved final adapter weights to {args.adapter_file}.") - - -def save_adapter( - model: nn.Module, - adapter_file: Union[str, Path], -): - flattened_tree = tree_flatten(model.trainable_parameters()) - mx.save_safetensors(str(adapter_file), dict(flattened_tree)) diff --git a/llms/mlx_lm/tuner/utils.py b/llms/mlx_lm/tuner/utils.py deleted file mode 100644 index 2c97228d..00000000 --- a/llms/mlx_lm/tuner/utils.py +++ /dev/null @@ -1,243 +0,0 @@ -# Copyright © 2024 Apple Inc. -import json -import types -from pathlib import Path -from typing import Dict - -import mlx.core as mx -import mlx.nn as nn -import mlx.optimizers as opt -from mlx.utils import tree_flatten, tree_unflatten - -from ..models.switch_layers import QuantizedSwitchLinear, SwitchLinear -from .dora import DoRALinear -from .lora import LoRALinear, LoRASwitchLinear - - -def build_schedule(schedule_config: Dict): - """ - Build a learning rate schedule from the given config. - """ - schedule_fn = getattr(opt.schedulers, schedule_config["name"]) - arguments = schedule_config["arguments"] - initial_lr = arguments[0] - bound_schedule_fn = schedule_fn(*arguments) - if warmup_steps := schedule_config.get("warmup", 0): - warmup_init = schedule_config.get("warmup_init", 0.0) - warmup_fn = opt.schedulers.linear_schedule( - warmup_init, initial_lr, warmup_steps - ) - return opt.schedulers.join_schedules( - [warmup_fn, bound_schedule_fn], [warmup_steps + 1] - ) - else: - return bound_schedule_fn - - -def linear_to_lora_layers( - model: nn.Module, - num_lora_layers: int, - config: Dict, - use_dora: bool = False, -): - """ - Convert some of the models linear layers to lora layers. - - Args: - model (nn.Module): The neural network model. - num_lora_layers (int): The number of blocks to convert to lora layers - starting from the last layer. - config (dict): More configuration parameters for LoRA, including the - rank, scale, and optional layer keys. - use_dora (bool): If True, uses DoRA instead of LoRA. - Default: ``False`` - """ - - num_layers = len(model.layers) - - if num_lora_layers < 0: - num_lora_layers = num_layers - - if num_lora_layers > num_layers: - raise ValueError( - f"Requested {num_lora_layers} LoRA layers " - f"but the model only has {num_layers} layers." - ) - - def to_lora(layer): - if isinstance(layer, (nn.Linear, nn.QuantizedLinear)): - LoRALayer = DoRALinear if use_dora else LoRALinear - elif isinstance(layer, (SwitchLinear, QuantizedSwitchLinear)): - if use_dora: - raise ValueError(f"{type(layer).__name__} doesn't support DoRA yet.") - LoRALayer = LoRASwitchLinear - else: - raise ValueError( - f"Can't convert layer of type {type(layer).__name__} to LoRA" - ) - - return LoRALayer.from_linear( - layer, - r=config["rank"], - scale=config["scale"], - dropout=config["dropout"], - ) - - keys = config.get("keys", None) - if keys is not None: - keys = set(keys) - elif model.model_type in [ - "mistral", - "llama", - "phi", - "mixtral", - "stablelm", - "qwen2", - "qwen2_moe", - "gemma", - "gemma2", - "starcoder2", - "cohere", - "minicpm", - ]: - keys = set(["self_attn.q_proj", "self_attn.v_proj"]) - if model.model_type == "mixtral": - keys.add("block_sparse_moe.gate") - if model.model_type == "qwen2_moe": - keys.add("mlp.gate") - keys.add("mlp.shared_expert_gate") - - elif model.model_type == "gpt_bigcode": - keys = set(["attn.c_attn"]) - elif model.model_type == "gpt2": - keys = set(["attn.c_attn"]) - elif model.model_type == "gpt_neox": - keys = set(["attention.query_key_value"]) - elif model.model_type == "olmo": - keys = set(["att_proj"]) - elif model.model_type == "openelm": - keys = set(["attn.qkv_proj"]) - elif model.model_type == "phi3": - keys = set(["self_attn.qkv_proj"]) - elif model.model_type == "phi-msft": - keys = set(["mixer.Wqkv", "moe.gate"]) - elif model.model_type == "dbrx": - keys = set(["norm_attn_norm.attn.Wqkv", "ffn.router.layer"]) - elif model.model_type == "internlm2": - keys = set(["attention.wqkv", "attention.wo"]) - else: - raise ValueError(f"Lora does not support {model.model_type}") - - for l in model.layers[num_layers - num_lora_layers :]: - lora_layers = [(k, to_lora(m)) for k, m in l.named_modules() if k in keys] - l.update_modules(tree_unflatten(lora_layers)) - - -def apply_lora_layers(model: nn.Module, adapter_path: str) -> nn.Module: - """ - Apply LoRA layers to the model. - - Args: - model (nn.Module): The neural network model. - adapter_path (str): Path to the adapter configuration file. - - Returns: - nn.Module: The updated model with LoRA layers applied. - """ - adapter_path = Path(adapter_path) - if not adapter_path.exists(): - raise FileNotFoundError(f"The adapter path does not exist: {adapter_path}") - with open(adapter_path / "adapter_config.json", "r") as fid: - config = types.SimpleNamespace(**json.load(fid)) - linear_to_lora_layers( - model, - config.lora_layers, - config.lora_parameters, - getattr(config, "use_dora", False), - ) - model.load_weights(str(adapter_path / "adapters.safetensors"), strict=False) - return model - - -def dequantize(model: nn.Module) -> nn.Module: - """ - Dequantize the quantized linear layers in the model. - - Args: - model (nn.Module): The model with quantized linear layers. - - Returns: - nn.Module: The model with dequantized layers. - """ - de_quantize_layers = [] - for name, module in model.named_modules(): - if isinstance(module, nn.QuantizedLinear): - bias = "bias" in module - weight = module.weight - weight = mx.dequantize( - weight, - module.scales, - module.biases, - module.group_size, - module.bits, - ).astype(mx.float16) - output_dims, input_dims = weight.shape - linear = nn.Linear(input_dims, output_dims, bias=bias) - linear.weight = weight - if bias: - linear.bias = module.bias - de_quantize_layers.append((name, linear)) - if isinstance(module, nn.QuantizedEmbedding): - weight = mx.dequantize( - module.weight, - module.scales, - module.biases, - module.group_size, - module.bits, - ).astype(mx.float16) - num_embeddings, dims = weight.shape - emb = nn.Embedding(num_embeddings, dims) - emb.weight = weight - de_quantize_layers.append((name, emb)) - - if len(de_quantize_layers) > 0: - model.update_modules(tree_unflatten(de_quantize_layers)) - return model - - -def remove_lora_layers(model: nn.Module) -> nn.Module: - """ - Remove the LoRA layers from the model. - - Args: - model (nn.Module): The model with LoRA layers. - - Returns: - nn.Module: The model without LoRA layers. - """ - reset_layers = [] - for name, module in model.named_modules(): - if isinstance(module, LoRALinear): - reset_layers.append((name, module.linear)) - if len(reset_layers) > 0: - model.update_modules(tree_unflatten(reset_layers)) - return model - - -def print_trainable_parameters(model): - def nparams(m): - if isinstance(m, (nn.QuantizedLinear, nn.QuantizedEmbedding)): - return m.weight.size * (32 // m.bits) - return sum(v.size for _, v in tree_flatten(m.parameters())) - - leaf_modules = tree_flatten( - model.leaf_modules(), is_leaf=lambda m: isinstance(m, nn.Module) - ) - total_p = sum(nparams(m) for _, m in leaf_modules) / 10**6 - trainable_p = ( - sum(v.size for _, v in tree_flatten(model.trainable_parameters())) / 10**6 - ) - print( - f"Trainable parameters: {(trainable_p * 100 / total_p):.3f}% " - f"({trainable_p:.3f}M/{total_p:.3f}M)" - ) diff --git a/llms/mlx_lm/utils.py b/llms/mlx_lm/utils.py deleted file mode 100644 index 229ee238..00000000 --- a/llms/mlx_lm/utils.py +++ /dev/null @@ -1,695 +0,0 @@ -# Copyright © 2023-2024 Apple Inc. - -import copy -import glob -import importlib -import json -import logging -import shutil -import time -from pathlib import Path -from textwrap import dedent -from typing import Any, Callable, Dict, Generator, Optional, Tuple, Union - -import mlx.core as mx -import mlx.nn as nn -from huggingface_hub import snapshot_download -from huggingface_hub.utils._errors import RepositoryNotFoundError -from mlx.utils import tree_flatten -from transformers import PreTrainedTokenizer - -# Local imports -from .models.base import KVCache -from .sample_utils import top_p_sampling -from .tokenizer_utils import TokenizerWrapper, load_tokenizer -from .tuner.utils import apply_lora_layers -from .tuner.utils import dequantize as dequantize_model - -# Constants -MODEL_REMAPPING = { - "mistral": "llama", # mistral is compatible with llama - "phi-msft": "phixtral", -} - -MAX_FILE_SIZE_GB = 5 - - -class ModelNotFoundError(Exception): - def __init__(self, message): - self.message = message - super().__init__(self.message) - - -def _get_classes(config: dict): - """ - Retrieve the model and model args classes based on the configuration. - - Args: - config (dict): The model configuration. - - Returns: - A tuple containing the Model class and the ModelArgs class. - """ - model_type = config["model_type"] - model_type = MODEL_REMAPPING.get(model_type, model_type) - try: - arch = importlib.import_module(f"mlx_lm.models.{model_type}") - except ImportError: - msg = f"Model type {model_type} not supported." - logging.error(msg) - raise ValueError(msg) - - return arch.Model, arch.ModelArgs - - -def get_model_path(path_or_hf_repo: str, revision: Optional[str] = None) -> Path: - """ - Ensures the model is available locally. If the path does not exist locally, - it is downloaded from the Hugging Face Hub. - - Args: - path_or_hf_repo (str): The local path or Hugging Face repository ID of the model. - revision (str, optional): A revision id which can be a branch name, a tag, or a commit hash. - - Returns: - Path: The path to the model. - """ - model_path = Path(path_or_hf_repo) - if not model_path.exists(): - try: - model_path = Path( - snapshot_download( - repo_id=path_or_hf_repo, - revision=revision, - allow_patterns=[ - "*.json", - "*.safetensors", - "*.py", - "tokenizer.model", - "*.tiktoken", - "*.txt", - ], - ) - ) - except RepositoryNotFoundError: - raise ModelNotFoundError( - f"Model not found for path or HF repo: {path_or_hf_repo}.\n" - "Please make sure you specified the local path or Hugging Face" - " repo id correctly.\nIf you are trying to access a private or" - " gated Hugging Face repo, make sure you are authenticated:\n" - "https://huggingface.co/docs/huggingface_hub/en/guides/cli#huggingface-cli-login" - ) from None - return model_path - - -def apply_repetition_penalty(logits: mx.array, generated_tokens: Any, penalty: float): - """ - Apply repetition penalty to specific logits based on the given context. - - Paper: https://arxiv.org/abs/1909.05858 - - Args: - logits (mx.array): The logits produced by the language model. - generated_tokens (any): A list of N previous tokens. - penalty (float): The repetition penalty factor to be applied. - - Returns: - logits (mx.array): Logits with repetition penalty applied to generated tokens. - """ - if len(generated_tokens) > 0: - indices = mx.array([token for token in generated_tokens]) - selected_logits = logits[:, indices] - selected_logits = mx.where( - selected_logits < 0, selected_logits * penalty, selected_logits / penalty - ) - logits[:, indices] = selected_logits - return logits - - -def generate_step( - prompt: mx.array, - model: nn.Module, - temp: float = 0.0, - repetition_penalty: Optional[float] = None, - repetition_context_size: Optional[int] = 20, - top_p: float = 1.0, - logit_bias: Optional[Dict[int, float]] = None, -) -> Generator[Tuple[mx.array, mx.array], None, None]: - """ - A generator producing token ids based on the given prompt from the model. - - Args: - prompt (mx.array): The input prompt. - model (nn.Module): The model to use for generation. - temp (float): The temperature for sampling, if 0 the argmax is used. - Default: ``0``. - repetition_penalty (float, optional): The penalty factor for repeating - tokens. - repetition_context_size (int, optional): The number of tokens to - consider for repetition penalty. Default: ``20``. - top_p (float, optional): Nulceus sampling, higher means model considers - more less likely words. - logit_bias (dictionary, optional): Additive logit bias. - - Yields: - Generator[Tuple[mx.array, mx.array], None, None]: A generator producing - one token and a vector of log probabilities. - """ - - def sample(logits: mx.array) -> Tuple[mx.array, float]: - if logit_bias: - indices = mx.array(list(logit_bias.keys())) - values = mx.array(list(logit_bias.values())) - logits[:, indices] += values - logprobs = logits - mx.logsumexp(logits) - - if temp == 0: - token = mx.argmax(logits, axis=-1) - else: - if top_p > 0 and top_p < 1.0: - token = top_p_sampling(logits, top_p, temp) - else: - token = mx.random.categorical(logits * (1 / temp)) - - return token, logprobs - - if repetition_penalty and ( - repetition_penalty < 0 or not isinstance(repetition_penalty, float) - ): - raise ValueError( - f"repetition_penalty must be a non-negative float, got {repetition_penalty}" - ) - - y = prompt - if hasattr(model, "make_cache"): - cache = model.make_cache() - else: - kv_heads = ( - [model.n_kv_heads] * len(model.layers) - if isinstance(model.n_kv_heads, int) - else model.n_kv_heads - ) - cache = [KVCache(model.head_dim, n) for n in kv_heads] - - repetition_context = prompt.tolist() - - if repetition_context_size: - repetition_context = repetition_context[-repetition_context_size:] - - def _step(y): - nonlocal repetition_context - logits = model(y[None], cache=cache) - logits = logits[:, -1, :] - - if repetition_penalty: - logits = apply_repetition_penalty( - logits, repetition_context, repetition_penalty - ) - y, logprobs = sample(logits) - repetition_context.append(y.item()) - else: - y, logprobs = sample(logits) - - if repetition_context_size: - if len(repetition_context) > repetition_context_size: - repetition_context = repetition_context[-repetition_context_size:] - return y, logprobs.squeeze(0) - - y, logprobs = _step(y) - - mx.async_eval(y) - while True: - next_y, next_logprobs = _step(y) - mx.async_eval(next_y) - yield y.item(), logprobs - y, logprobs = next_y, next_logprobs - - -def stream_generate( - model: nn.Module, - tokenizer: Union[PreTrainedTokenizer, TokenizerWrapper], - prompt: str, - max_tokens: int = 100, - **kwargs, -) -> Union[str, Generator[str, None, None]]: - """ - A generator producing text based on the given prompt from the model. - - Args: - prompt (mx.array): The input prompt. - model (nn.Module): The model to use for generation. - max_tokens (int): The ma - kwargs: The remaining options get passed to :func:`generate_step`. - See :func:`generate_step` for more details. - - Yields: - Generator[Tuple[mx.array, mx.array]]: A generator producing text. - """ - if not isinstance(tokenizer, TokenizerWrapper): - tokenizer = TokenizerWrapper(tokenizer) - - prompt_tokens = mx.array(tokenizer.encode(prompt)) - detokenizer = tokenizer.detokenizer - - detokenizer.reset() - for (token, _), n in zip( - generate_step(prompt_tokens, model, **kwargs), - range(max_tokens), - ): - if token == tokenizer.eos_token_id: - break - detokenizer.add_token(token) - - # Yield the last segment if streaming - yield detokenizer.last_segment - - detokenizer.finalize() - yield detokenizer.last_segment - - -def generate( - model: nn.Module, - tokenizer: Union[PreTrainedTokenizer, TokenizerWrapper], - prompt: str, - max_tokens: int = 100, - verbose: bool = False, - formatter: Optional[Callable] = None, - **kwargs, -) -> Union[str, Generator[str, None, None]]: - """ - Generate a complete response from the model. - - Args: - model (nn.Module): The language model. - tokenizer (PreTrainedTokenizer): The tokenizer. - prompt (str): The string prompt. - max_tokens (int): The maximum number of tokens. Default: ``100``. - verbose (bool): If ``True``, print tokens and timing information. - Default: ``False``. - formatter (Optional[Callable]): A function which takes a token and a - probability and displays it. - kwargs: The remaining options get passed to :func:`generate_step`. - See :func:`generate_step` for more details. - """ - if not isinstance(tokenizer, TokenizerWrapper): - tokenizer = TokenizerWrapper(tokenizer) - - if verbose: - print("=" * 10) - print("Prompt:", prompt) - - prompt_tokens = mx.array(tokenizer.encode(prompt)) - detokenizer = tokenizer.detokenizer - - tic = time.perf_counter() - detokenizer.reset() - - for (token, logprobs), n in zip( - generate_step(prompt_tokens, model, **kwargs), - range(max_tokens), - ): - if n == 0: - prompt_time = time.perf_counter() - tic - tic = time.perf_counter() - if token == tokenizer.eos_token_id: - break - detokenizer.add_token(token) - - if verbose: - if formatter: - # We have to finalize so that the prob corresponds to the last segment - detokenizer.finalize() - formatter(detokenizer.last_segment, mx.exp(logprobs[token]).item()) - else: - print(detokenizer.last_segment, end="", flush=True) - - token_count = n + 1 - detokenizer.finalize() - - if verbose: - gen_time = time.perf_counter() - tic - print(detokenizer.last_segment, flush=True) - print("=" * 10) - if token_count == 0: - print("No tokens generated for this prompt") - return - prompt_tps = prompt_tokens.size / prompt_time - gen_tps = (token_count - 1) / gen_time - print(f"Prompt: {prompt_tps:.3f} tokens-per-sec") - print(f"Generation: {gen_tps:.3f} tokens-per-sec") - - return detokenizer.text - - -def load_config(model_path: Path) -> dict: - try: - with open(model_path / "config.json", "r") as f: - config = json.load(f) - except FileNotFoundError: - logging.error(f"Config file not found in {model_path}") - raise - return config - - -def load_model( - model_path: Path, - lazy: bool = False, - model_config: dict = {}, -) -> nn.Module: - """ - Load and initialize the model from a given path. - - Args: - model_path (Path): The path to load the model from. - lazy (bool): If False eval the model parameters to make sure they are - loaded in memory before returning, otherwise they will be loaded - when needed. Default: ``False`` - model_config(dict, optional): Configuration parameters for the model. - Defaults to an empty dictionary. - - Returns: - nn.Module: The loaded and initialized model. - - Raises: - FileNotFoundError: If the weight files (.safetensors) are not found. - ValueError: If the model class or args class are not found or cannot be instantiated. - """ - - config = load_config(model_path) - config.update(model_config) - - weight_files = glob.glob(str(model_path / "model*.safetensors")) - - if not weight_files: - # Try weight for back-compat - weight_files = glob.glob(str(model_path / "weight*.safetensors")) - - if not weight_files: - logging.error(f"No safetensors found in {model_path}") - raise FileNotFoundError(f"No safetensors found in {model_path}") - - weights = {} - for wf in weight_files: - weights.update(mx.load(wf)) - - model_class, model_args_class = _get_classes(config=config) - - model_args = model_args_class.from_dict(config) - model = model_class(model_args) - - if hasattr(model, "sanitize"): - weights = model.sanitize(weights) - - if (quantization := config.get("quantization", None)) is not None: - # Handle legacy models which may not have everything quantized - def class_predicate(p, m): - if not hasattr(m, "to_quantized"): - return False - return f"{p}.scales" in weights - - nn.quantize( - model, - **quantization, - class_predicate=class_predicate, - ) - - model.load_weights(list(weights.items())) - - if not lazy: - mx.eval(model.parameters()) - - model.eval() - return model - - -def load( - path_or_hf_repo: str, - tokenizer_config={}, - model_config={}, - adapter_path: Optional[str] = None, - lazy: bool = False, -) -> Tuple[nn.Module, TokenizerWrapper]: - """ - Load the model and tokenizer from a given path or a huggingface repository. - - Args: - path_or_hf_repo (Path): The path or the huggingface repository to load the model from. - tokenizer_config (dict, optional): Configuration parameters specifically for the tokenizer. - Defaults to an empty dictionary. - model_config(dict, optional): Configuration parameters specifically for the model. - Defaults to an empty dictionary. - adapter_path (str, optional): Path to the LoRA adapters. If provided, applies LoRA layers - to the model. Default: ``None``. - lazy (bool): If False eval the model parameters to make sure they are - loaded in memory before returning, otherwise they will be loaded - when needed. Default: ``False`` - Returns: - Tuple[nn.Module, TokenizerWrapper]: A tuple containing the loaded model and tokenizer. - - Raises: - FileNotFoundError: If config file or safetensors are not found. - ValueError: If model class or args class are not found. - """ - model_path = get_model_path(path_or_hf_repo) - - model = load_model(model_path, lazy, model_config) - if adapter_path is not None: - model = apply_lora_layers(model, adapter_path) - model.eval() - tokenizer = load_tokenizer(model_path, tokenizer_config) - - return model, tokenizer - - -def fetch_from_hub( - model_path: Path, lazy: bool = False -) -> Tuple[nn.Module, dict, PreTrainedTokenizer]: - model = load_model(model_path, lazy) - config = load_config(model_path) - tokenizer = load_tokenizer(model_path) - return model, config, tokenizer - - -def make_shards(weights: dict, max_file_size_gb: int = MAX_FILE_SIZE_GB) -> list: - """ - Splits the weights into smaller shards. - - Args: - weights (dict): Model weights. - max_file_size_gb (int): Maximum size of each shard in gigabytes. - - Returns: - list: List of weight shards. - """ - max_file_size_bytes = max_file_size_gb << 30 - shards = [] - shard, shard_size = {}, 0 - for k, v in weights.items(): - if shard_size + v.nbytes > max_file_size_bytes: - shards.append(shard) - shard, shard_size = {}, 0 - shard[k] = v - shard_size += v.nbytes - shards.append(shard) - return shards - - -def upload_to_hub(path: str, upload_repo: str, hf_path: str): - """ - Uploads the model to Hugging Face hub. - - Args: - path (str): Local path to the model. - upload_repo (str): Name of the HF repo to upload to. - hf_path (str): Path to the original Hugging Face model. - """ - import os - - from huggingface_hub import HfApi, ModelCard, logging - - from . import __version__ - - card = ModelCard.load(hf_path) - card.data.tags = ["mlx"] if card.data.tags is None else card.data.tags + ["mlx"] - card.text = dedent( - f""" - # {upload_repo} - - The Model [{upload_repo}](https://huggingface.co/{upload_repo}) was converted to MLX format from [{hf_path}](https://huggingface.co/{hf_path}) using mlx-lm version **{__version__}**. - - ## Use with mlx - - ```bash - pip install mlx-lm - ``` - - ```python - from mlx_lm import load, generate - - model, tokenizer = load("{upload_repo}") - response = generate(model, tokenizer, prompt="hello", verbose=True) - ``` - """ - ) - card.save(os.path.join(path, "README.md")) - - logging.set_verbosity_info() - - api = HfApi() - api.create_repo(repo_id=upload_repo, exist_ok=True) - api.upload_folder( - folder_path=path, - repo_id=upload_repo, - repo_type="model", - multi_commits=True, - multi_commits_verbose=True, - ) - print(f"Upload successful, go to https://huggingface.co/{upload_repo} for details.") - - -def save_weights( - save_path: Union[str, Path], - weights: Dict[str, Any], - *, - donate_weights: bool = False, -) -> None: - """Save model weights into specified directory.""" - if isinstance(save_path, str): - save_path = Path(save_path) - save_path.mkdir(parents=True, exist_ok=True) - - shards = make_shards(weights) - shards_count = len(shards) - shard_file_format = ( - "model-{:05d}-of-{:05d}.safetensors" - if shards_count > 1 - else "model.safetensors" - ) - - total_size = sum(v.nbytes for v in weights.values()) - index_data = {"metadata": {"total_size": total_size}, "weight_map": {}} - - # Write the weights and make sure no references are kept other than the - # necessary ones - if donate_weights: - weights.clear() - del weights - - for i in range(len(shards)): - shard = shards[i] - shards[i] = None - shard_name = shard_file_format.format(i + 1, shards_count) - shard_path = save_path / shard_name - - mx.save_safetensors(str(shard_path), shard, metadata={"format": "mlx"}) - - for weight_name in shard.keys(): - index_data["weight_map"][weight_name] = shard_name - del shard - - index_data["weight_map"] = { - k: index_data["weight_map"][k] for k in sorted(index_data["weight_map"]) - } - - with open(save_path / "model.safetensors.index.json", "w") as f: - json.dump( - index_data, - f, - indent=4, - ) - - -def quantize_model( - model: nn.Module, config: dict, q_group_size: int, q_bits: int -) -> Tuple: - """ - Applies quantization to the model weights. - - Args: - model (nn.Module): The model to be quantized. - config (dict): Model configuration. - q_group_size (int): Group size for quantization. - q_bits (int): Bits per weight for quantization. - - Returns: - Tuple: Tuple containing quantized weights and config. - """ - quantized_config = copy.deepcopy(config) - nn.quantize(model, q_group_size, q_bits) - quantized_config["quantization"] = {"group_size": q_group_size, "bits": q_bits} - quantized_weights = dict(tree_flatten(model.parameters())) - - return quantized_weights, quantized_config - - -def save_config( - config: dict, - config_path: Union[str, Path], -) -> None: - """Save the model configuration to the ``config_path``. - - The final configuration will be sorted before saving for better readability. - - Args: - config (dict): The model configuration. - config_path (Union[str, Path]): Model configuration file path. - """ - # Clean unused keys - config.pop("_name_or_path", None) - - # sort the config for better readability - config = dict(sorted(config.items())) - - # write the updated config to the config_path (if provided) - with open(config_path, "w") as fid: - json.dump(config, fid, indent=4) - - -def convert( - hf_path: str, - mlx_path: str = "mlx_model", - quantize: bool = False, - q_group_size: int = 64, - q_bits: int = 4, - dtype: str = "float16", - upload_repo: str = None, - revision: Optional[str] = None, - dequantize: bool = False, -): - print("[INFO] Loading") - model_path = get_model_path(hf_path, revision=revision) - model, config, tokenizer = fetch_from_hub(model_path, lazy=True) - - weights = dict(tree_flatten(model.parameters())) - dtype = mx.float16 if quantize else getattr(mx, dtype) - weights = {k: v.astype(dtype) for k, v in weights.items()} - - if quantize and dequantize: - raise ValueError("Choose either quantize or dequantize, not both.") - - if quantize: - print("[INFO] Quantizing") - model.load_weights(list(weights.items())) - weights, config = quantize_model(model, config, q_group_size, q_bits) - - if dequantize: - print("[INFO] Dequantizing") - model = dequantize_model(model) - weights = dict(tree_flatten(model.parameters())) - - if isinstance(mlx_path, str): - mlx_path = Path(mlx_path) - - del model - save_weights(mlx_path, weights, donate_weights=True) - - py_files = glob.glob(str(model_path / "*.py")) - for file in py_files: - shutil.copy(file, mlx_path) - - tokenizer.save_pretrained(mlx_path) - - save_config(config, config_path=mlx_path / "config.json") - - if upload_repo is not None: - upload_to_hub(mlx_path, upload_repo, hf_path) diff --git a/llms/mlx_lm/version.py b/llms/mlx_lm/version.py deleted file mode 100644 index 40b73ede..00000000 --- a/llms/mlx_lm/version.py +++ /dev/null @@ -1,3 +0,0 @@ -# Copyright © 2023-2024 Apple Inc. - -__version__ = "0.16.0" diff --git a/llms/setup.py b/llms/setup.py deleted file mode 100644 index 88deed17..00000000 --- a/llms/setup.py +++ /dev/null @@ -1,43 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import sys -from pathlib import Path - -from setuptools import setup - -package_dir = Path(__file__).parent / "mlx_lm" -with open(package_dir / "requirements.txt") as fid: - requirements = [l.strip() for l in fid.readlines()] - -sys.path.append(str(package_dir)) -from version import __version__ - -setup( - name="mlx-lm", - version=__version__, - description="LLMs on Apple silicon with MLX and the Hugging Face Hub", - long_description=open("README.md", encoding="utf-8").read(), - long_description_content_type="text/markdown", - readme="README.md", - author_email="mlx@group.apple.com", - author="MLX Contributors", - url="https://github.com/ml-explore/mlx-examples", - license="MIT", - install_requires=requirements, - packages=["mlx_lm", "mlx_lm.models", "mlx_lm.tuner"], - python_requires=">=3.8", - extras_require={ - "testing": ["datasets"], - }, - entry_points={ - "console_scripts": [ - "mlx_lm.convert = mlx_lm.convert:main", - "mlx_lm.fuse = mlx_lm.fuse:main", - "mlx_lm.generate = mlx_lm.generate:main", - "mlx_lm.lora = mlx_lm.lora:main", - "mlx_lm.merge = mlx_lm.merge:main", - "mlx_lm.server = mlx_lm.server:main", - "mlx_lm.manage = mlx_lm.manage:main", - ] - }, -) diff --git a/llms/speculative_decoding/decoder.py b/llms/speculative_decoding/decoder.py index 3d547a7f..39cf5b92 100644 --- a/llms/speculative_decoding/decoder.py +++ b/llms/speculative_decoding/decoder.py @@ -160,12 +160,12 @@ class SpeculativeDecoder: ) n_accepted += num_to_accept - n_draft += draft_tokens.size + n_draft += len(draft_tokens) # Rewind the cache for unaccepted tokens: - if (n := draft_tokens.size) > num_to_accept: - self.draft_model.truncate_cache(n - new_tokens.size) - self.model.truncate_cache(n - new_tokens.size + 1) + if (n := len(draft_tokens)) > num_to_accept: + self.draft_model.truncate_cache(n - len(new_tokens)) + self.model.truncate_cache(n - len(new_tokens) + 1) n_steps += 1 @@ -181,7 +181,7 @@ class SpeculativeDecoder: if ntoks >= max_tokens or new_tokens[-1] == self.tokenizer.eos_id: break - draft_inputs = new_tokens[max(new_tokens.size - 2, 0) :] + draft_inputs = new_tokens[max(len(new_tokens) - 2, 0) :] inputs = draft_inputs[-1:] print(self.tokenizer.decode(outputs)[skip:], end="", flush=True) diff --git a/llms/speculative_decoding/model.py b/llms/speculative_decoding/model.py index c310b943..d30daa97 100644 --- a/llms/speculative_decoding/model.py +++ b/llms/speculative_decoding/model.py @@ -213,10 +213,10 @@ class TransformerDecoderLayer(nn.Module): memory: mx.array, mask: mx.array, memory_mask: mx.array, - cache: Optional[List[Tuple[mx.array, mx.array]]] = None, - ): + cache: Optional[Tuple[mx.array, mx.array]] = None, + ) -> Tuple[mx.array, Tuple[mx.array, mx.array]]: y = self.ln1(x) - y, cache = self.self_attention(y, y, y, mask, cache) + y, new_cache = self.self_attention(y, y, y, mask, cache) x = x + y y = self.ln2(x) @@ -227,7 +227,7 @@ class TransformerDecoderLayer(nn.Module): y = self.dense(y) x = x + y - return x, cache + return x, new_cache def create_additive_causal_mask(N: int, offset: int = 0): diff --git a/llms/tests/test_datsets.py b/llms/tests/test_datsets.py deleted file mode 100644 index 240bfb4a..00000000 --- a/llms/tests/test_datsets.py +++ /dev/null @@ -1,99 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import json -import os -import tempfile -import types -import unittest - -from mlx_lm.tuner import datasets -from transformers import AutoTokenizer - -HF_MODEL_PATH = "mlx-community/Qwen1.5-0.5B-Chat-4bit" - - -class TestDatasets(unittest.TestCase): - - @classmethod - def setUpClass(cls): - cls.test_dir_fid = tempfile.TemporaryDirectory() - cls.test_dir = cls.test_dir_fid.name - if not os.path.isdir(cls.test_dir): - os.mkdir(cls.test_dir_fid.name) - - @classmethod - def tearDownClass(cls): - cls.test_dir_fid.cleanup() - - def save_data(self, data): - for ds in ["train", "valid"]: - with open(os.path.join(self.test_dir, f"{ds}.jsonl"), "w") as fid: - for l in data: - json.dump(l, fid) - fid.write("\n") - - def test_text(self): - data = {"text": "This is an example for the model."} - self.save_data(4 * [data]) - args = types.SimpleNamespace(train=True, test=False, data=self.test_dir) - train, valid, test = datasets.load_dataset(args, None) - self.assertEqual(len(train), 4) - self.assertEqual(len(valid), 4) - self.assertEqual(len(test), 0) - self.assertTrue(len(train[0]) > 0) - self.assertTrue(len(valid[0]) > 0) - self.assertTrue(isinstance(train, datasets.Dataset)) - - def test_completions(self): - data = {"prompt": "What is the capital of France?", "completion": "Paris."} - self.save_data(4 * [data]) - args = types.SimpleNamespace(train=True, test=False, data=self.test_dir) - tokenizer = AutoTokenizer.from_pretrained(HF_MODEL_PATH) - train, valid, test = datasets.load_dataset(args, tokenizer) - self.assertEqual(len(train), 4) - self.assertEqual(len(valid), 4) - self.assertEqual(len(test), 0) - self.assertTrue(len(train[0]) > 0) - self.assertTrue(len(valid[0]) > 0) - self.assertTrue(isinstance(train, datasets.CompletionsDataset)) - - def test_chat(self): - data = { - "messages": [ - {"role": "system", "content": "You are a helpful assistant."}, - {"role": "user", "content": "Hello."}, - {"role": "assistant", "content": "How can I assistant you today."}, - ] - } - self.save_data(4 * [data]) - args = types.SimpleNamespace(train=True, test=False, data=self.test_dir) - tokenizer = AutoTokenizer.from_pretrained(HF_MODEL_PATH) - train, valid, test = datasets.load_dataset(args, tokenizer) - self.assertEqual(len(train), 4) - self.assertEqual(len(valid), 4) - self.assertEqual(len(test), 0) - self.assertTrue(len(train[0]) > 0) - self.assertTrue(len(valid[0]) > 0) - self.assertTrue(isinstance(train, datasets.ChatDataset)) - - def test_hf(self): - args = types.SimpleNamespace( - hf_dataset={ - "name": "billsum", - "prompt_feature": "text", - "completion_feature": "summary", - }, - test=False, - train=True, - ) - tokenizer = AutoTokenizer.from_pretrained(HF_MODEL_PATH) - train, valid, test = datasets.load_dataset(args, tokenizer) - self.assertTrue(len(train) > 0) - self.assertTrue(len(train[0]) > 0) - self.assertTrue(len(valid) > 0) - self.assertTrue(len(valid[0]) > 0) - self.assertEqual(len(test), 0) - - -if __name__ == "__main__": - unittest.main() diff --git a/llms/tests/test_gguf.py b/llms/tests/test_gguf.py deleted file mode 100644 index 24ca64aa..00000000 --- a/llms/tests/test_gguf.py +++ /dev/null @@ -1,58 +0,0 @@ -import os -import tempfile -import unittest -from pathlib import Path -from unittest.mock import MagicMock, patch - -import mlx.core as mx -from mlx_lm.gguf import convert_to_gguf - - -class TestConvertToGGUFWithoutMocks(unittest.TestCase): - @classmethod - def setUpClass(cls): - cls.test_dir_fid = tempfile.TemporaryDirectory() - cls.test_dir = cls.test_dir_fid.name - cls.tokenizer_file_path = os.path.join(cls.test_dir, "tokenizer.json") - with open(cls.tokenizer_file_path, "w") as f: - f.write("{}") - - @classmethod - def tearDownClass(cls): - cls.test_dir_fid.cleanup() - - @patch("transformers.AutoTokenizer.from_pretrained") - @patch("mlx.core.save_gguf") - def test_convert_to_gguf( - self, - mock_save_gguf, - mock_from_pretrained, - ): - mock_tokenizer = MagicMock() - mock_tokenizer.vocab_size = 3 - mock_tokenizer.get_added_vocab.return_value = {} - mock_tokenizer.get_vocab.return_value = {"": 0, "hello": 1, "world": 2} - mock_tokenizer.all_special_tokens = [""] - mock_tokenizer.all_special_ids = [0] - mock_from_pretrained.return_value = mock_tokenizer - - model_path = Path(self.test_dir) - weights = { - "self_attn.q_proj.weight": mx.random.uniform(shape=[768, 768]), - } - config = { - "num_attention_heads": 1, - "num_hidden_layers": 1, - "hidden_size": 768, - "intermediate_size": 3072, - "_name_or_path": "test-llama", - } - output_file_path = "/fake/output/path/gguf_model.gguf" - - convert_to_gguf(model_path, weights, config, output_file_path) - called_args, _ = mock_save_gguf.call_args - self.assertEqual(called_args[0], output_file_path) - - -if __name__ == "__main__": - unittest.main() diff --git a/llms/tests/test_lora.py b/llms/tests/test_lora.py deleted file mode 100644 index f37ae3c2..00000000 --- a/llms/tests/test_lora.py +++ /dev/null @@ -1,213 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import math -import sys -import unittest -from io import StringIO -from unittest.mock import MagicMock - -import mlx.optimizers as opt -from mlx.utils import tree_flatten -from mlx_lm import lora, tuner -from mlx_lm.tuner.lora import LoRALinear -from mlx_lm.tuner.trainer import evaluate -from mlx_lm.tuner.utils import build_schedule - - -class TestLora(unittest.TestCase): - def setUp(self): - self.capturedOutput = StringIO() - sys.stdout = self.capturedOutput - - def tearDown(self): - sys.stdout = sys.__stdout__ - - def test_llama(self): - from mlx_lm.models import llama - - args = llama.ModelArgs( - model_type="llama", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - rms_norm_eps=1e-5, - vocab_size=10_000, - ) - - lora_layers = 4 - - def check_config(params): - n_keys = 2 - if "keys" in params: - n_keys = len(params["keys"]) - model = llama.Model(args) - model.freeze() - tuner.utils.linear_to_lora_layers(model, lora_layers, params) - trainable_params = sum( - v.size for _, v in tree_flatten(model.trainable_parameters()) - ) - self.assertEqual( - trainable_params, lora_layers * params["rank"] * 1024 * 2 * n_keys - ) - - params = {"rank": 8, "alpha": 16, "dropout": 0.0, "scale": 10.0} - check_config(params) - - params["rank"] = 1 - check_config(params) - - params["keys"] = ["self_attn.k_proj"] - check_config(params) - - def test_gpt_neox(self): - from mlx_lm.models import gpt_neox - - args = gpt_neox.ModelArgs( - model_type="gpt_neox", - max_position_embeddings=2048, - hidden_size=6144, - num_attention_heads=64, - num_hidden_layers=44, - layer_norm_eps=1e-5, - vocab_size=50432, - rotary_emb_base=10_000, - rotary_pct=0.25, - ) - - num_lora_layers = 4 - params = {"rank": 8, "alpha": 16, "dropout": 0.0, "scale": 10.0} - - model = gpt_neox.Model(args) - model.freeze() - tuner.utils.linear_to_lora_layers(model, num_lora_layers, params) - - -class TestScheduleConfig(unittest.TestCase): - def test_join(self): - config = {"name": "cosine_decay", "warmup": 100, "arguments": [1e-5, 100]} - cos_with_warmup = build_schedule(config) - self.assertIsNotNone(cos_with_warmup) - - self.assertEqual(cos_with_warmup(0), 0.0) - self.assertAlmostEqual(cos_with_warmup(101), 1e-5, delta=1e-1) - optimizer = opt.Adam(learning_rate=cos_with_warmup) - for _ in range(100): - optimizer.update({}, {}) - self.assertAlmostEqual(optimizer.learning_rate.item(), 1e-5, delta=1e-1) - for _ in range(100): - optimizer.update({}, {}) - expected_lr = 1e-5 * 0.5 * (1.0 + math.cos(math.pi * 200 / 10)) - self.assertAlmostEqual(optimizer.learning_rate.item(), expected_lr, delta=1e-1) - - def test_single_schedule(self): - - config = { - "name": "cosine_decay", - "arguments": [0.1, 10], - } - lr_schedule = build_schedule(config) - lr = lr_schedule(4) - expected_lr = 0.1 * 0.5 * (1.0 + math.cos(math.pi * 4 / 10)) - self.assertAlmostEqual(lr, expected_lr, delta=1e-7) - - def test_non_zero_warmup(self): - config = { - "name": "cosine_decay", - "warmup": 10, - "warmup_init": 1e-6, - "arguments": [1e-5, 20], - } - lr_schedule = build_schedule(config) - lr = lr_schedule(0) - self.assertAlmostEqual(lr, 1e-6, delta=1e-7) - - def test_malformed_config(self): - config = {"warmup": 100} - self.assertRaises(KeyError, build_schedule, config) - - config = {"cosine_decay": None} - self.assertRaises(KeyError, build_schedule, config) - - def test_evaluate_calls(self): - mock_model = MagicMock() - mock_dataset = MagicMock() - mock_tokenizer = MagicMock() - mock_default_loss = MagicMock() - mock_iterate_batches = MagicMock() - - mock_iterate_batches.return_value = [ - (MagicMock(), MagicMock()), - (MagicMock(), MagicMock()), - (MagicMock(), MagicMock()), - (MagicMock(), MagicMock()), - (MagicMock(), MagicMock()), - ] - - mock_default_loss.side_effect = [ - (MagicMock(return_value=0.5), MagicMock(return_value=100)), - (MagicMock(return_value=0.3), MagicMock(return_value=200)), - (MagicMock(return_value=0.2), MagicMock(return_value=150)), - (MagicMock(return_value=0.4), MagicMock(return_value=180)), - (MagicMock(return_value=0.6), MagicMock(return_value=120)), - ] - evaluate( - model=mock_model, - dataset=mock_dataset, - tokenizer=mock_tokenizer, - batch_size=2, - num_batches=2, - max_seq_length=2048, - loss=mock_default_loss, - iterate_batches=mock_iterate_batches, - ) - - mock_iterate_batches.assert_called_once_with( - dataset=mock_dataset, - tokenizer=mock_tokenizer, - batch_size=2, - max_seq_length=2048, - ) - self.assertEqual(mock_default_loss.call_count, 2) - - def test_evaluate_infinite_batches(self): - mock_model = MagicMock() - mock_dataset = MagicMock() - mock_tokenizer = MagicMock() - mock_default_loss = MagicMock() - mock_iterate_batches = MagicMock() - - mock_iterate_batches.return_value = [ - (MagicMock(), MagicMock()), - (MagicMock(), MagicMock()), - (MagicMock(), MagicMock()), - ] - - mock_default_loss.side_effect = [ - (MagicMock(return_value=0.5), MagicMock(return_value=100)), - (MagicMock(return_value=0.3), MagicMock(return_value=200)), - (MagicMock(return_value=0.2), MagicMock(return_value=150)), - ] - - evaluate( - model=mock_model, - dataset=mock_dataset, - tokenizer=mock_tokenizer, - batch_size=2, - num_batches=-1, - max_seq_length=2048, - loss=mock_default_loss, - iterate_batches=mock_iterate_batches, - ) - - mock_iterate_batches.assert_called_once_with( - dataset=mock_dataset, - tokenizer=mock_tokenizer, - batch_size=2, - max_seq_length=2048, - ) - self.assertEqual(mock_default_loss.call_count, 3) - - -if __name__ == "__main__": - unittest.main() diff --git a/llms/tests/test_models.py b/llms/tests/test_models.py deleted file mode 100644 index 19341981..00000000 --- a/llms/tests/test_models.py +++ /dev/null @@ -1,481 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import unittest - -import mlx.core as mx -from mlx.utils import tree_map -from mlx_lm.models.base import KVCache - - -class TestModels(unittest.TestCase): - - def test_kv_cache(self): - cache = KVCache(32, 4) - - k = mx.ones((1, 4, 1, 32), mx.float16) - v = mx.ones((1, 4, 1, 32), mx.float16) - - k_up, v_up = cache.update_and_fetch(k, v) - self.assertTrue(mx.array_equal(k_up, k)) - self.assertTrue(mx.array_equal(v_up, v)) - self.assertEqual(cache.offset, 1) - - k = mx.ones((1, 4, cache.step, 32), mx.float16) - v = mx.ones((1, 4, cache.step, 32), mx.float16) - k_up, v_up = cache.update_and_fetch(k, v) - - expected = mx.ones((1, 4, cache.step + 1, 32), mx.float16) - self.assertTrue(mx.array_equal(k_up, expected)) - self.assertTrue(mx.array_equal(v_up, expected)) - self.assertEqual(cache.offset, cache.step + 1) - - def model_test_runner(self, model, model_type, vocab_size, num_layers): - - self.assertEqual(len(model.layers), num_layers) - self.assertEqual(model.model_type, model_type) - - for t in [mx.float32, mx.float16]: - model.update(tree_map(lambda p: p.astype(t), model.parameters())) - - inputs = mx.array([[0, 1]]) - outputs = model(inputs) - self.assertEqual(outputs.shape, (1, 2, vocab_size)) - self.assertEqual(outputs.dtype, t) - - kv_heads = ( - [model.n_kv_heads] * len(model.layers) - if isinstance(model.n_kv_heads, int) - else model.n_kv_heads - ) - cache = [KVCache(model.head_dim, n) for n in kv_heads] - - outputs = model(inputs, cache) - self.assertEqual(outputs.shape, (1, 2, vocab_size)) - self.assertEqual(outputs.dtype, t) - - outputs = model(mx.argmax(outputs[0, -1:, :], keepdims=True), cache=cache) - self.assertEqual(outputs.shape, (1, 1, vocab_size)) - self.assertEqual(outputs.dtype, t) - - def test_llama(self): - from mlx_lm.models import llama - - args = llama.ModelArgs( - model_type="llama", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - rms_norm_eps=1e-5, - vocab_size=10_000, - ) - model = llama.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_phi2(self): - from mlx_lm.models import phi - - args = phi.ModelArgs() - model = phi.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_phixtral(self): - from mlx_lm.models import phixtral - - args = phixtral.ModelArgs( - "phixtral", num_vocab=1000, num_layers=4, model_dim=1024 - ) - model = phixtral.Model(args) - self.model_test_runner(model, args.model_type, args.num_vocab, args.num_layers) - - def test_phi3(self): - from mlx_lm.models import phi3 - - args = phi3.ModelArgs( - model_type="phi3", - hidden_size=3072, - num_hidden_layers=32, - intermediate_size=8192, - num_attention_heads=32, - rms_norm_eps=1e-5, - vocab_size=32064, - ) - model = phi3.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_gemma(self): - from mlx_lm.models import gemma - - args = gemma.ModelArgs( - model_type="gemma", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - head_dim=128, - rms_norm_eps=1e-5, - vocab_size=10_000, - num_key_value_heads=4, - ) - model = gemma.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_mixtral(self): - from mlx_lm.models import mixtral - - # Make a baby mixtral, because it will actually do the - # eval - args = mixtral.ModelArgs( - model_type="mixtral", - vocab_size=100, - hidden_size=32, - intermediate_size=128, - num_hidden_layers=2, - num_attention_heads=4, - num_experts_per_tok=2, - num_key_value_heads=2, - num_local_experts=4, - ) - model = mixtral.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - @unittest.skip("requires ai2-olmo") - def test_olmo(self): - from mlx_lm.models import olmo - - args = olmo.ModelArgs( - model_type="olmo", - d_model=1024, - n_layers=4, - mlp_hidden_size=2048, - n_heads=2, - vocab_size=10_000, - embedding_size=10_000, - ) - model = olmo.Model(args) - self.model_test_runner( - model, - args.model_type, - args.vocab_size, - args.n_layers, - ) - - def test_qwen2_moe(self): - from mlx_lm.models import qwen2_moe - - args = qwen2_moe.ModelArgs( - model_type="qwen2_moe", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - rms_norm_eps=1e-5, - vocab_size=10_000, - num_experts_per_tok=4, - num_experts=16, - moe_intermediate_size=1024, - shared_expert_intermediate_size=2048, - ) - model = qwen2_moe.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_qwen2(self): - from mlx_lm.models import qwen2 - - args = qwen2.ModelArgs( - model_type="qwen2", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - rms_norm_eps=1e-5, - vocab_size=10_000, - ) - model = qwen2.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_qwen(self): - from mlx_lm.models import qwen - - args = qwen.ModelArgs( - model_type="qwen", - ) - model = qwen.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_plamo(self): - from mlx_lm.models import plamo - - args = plamo.ModelArgs( - model_type="plamo", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=8, - rms_norm_eps=1e-5, - vocab_size=10_000, - ) - model = plamo.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_stablelm(self): - from mlx_lm.models import stablelm - - args = stablelm.ModelArgs( - model_type="stablelm", - vocab_size=10_000, - hidden_size=1024, - num_attention_heads=4, - num_hidden_layers=4, - num_key_value_heads=2, - partial_rotary_factor=1.0, - intermediate_size=2048, - layer_norm_eps=1e-2, - rope_theta=10_000, - use_qkv_bias=False, - ) - model = stablelm.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - # StableLM 2 - args = stablelm.ModelArgs( - model_type="stablelm", - vocab_size=10000, - hidden_size=512, - num_attention_heads=8, - num_hidden_layers=4, - num_key_value_heads=2, - partial_rotary_factor=0.25, - intermediate_size=1024, - layer_norm_eps=1e-5, - rope_theta=10000, - use_qkv_bias=True, - ) - model = stablelm.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_starcoder2(self): - from mlx_lm.models import starcoder2 - - args = starcoder2.ModelArgs( - model_type="starcoder2", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - num_key_value_heads=4, - ) - model = starcoder2.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_cohere(self): - from mlx_lm.models import cohere - - args = cohere.ModelArgs( - model_type="cohere", - ) - model = cohere.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_dbrx(self): - from mlx_lm.models import dbrx - - args = dbrx.ModelArgs( - model_type="dbrx", - d_model=1024, - ffn_config={"ffn_hidden_size": 2048, "moe_num_experts": 4, "moe_top_k": 2}, - attn_config={"kv_n_heads": 2, "clip_qkv": True, "rope_theta": 10000}, - n_layers=4, - n_heads=4, - vocab_size=10_000, - ) - model = dbrx.Model(args) - self.model_test_runner(model, args.model_type, args.vocab_size, args.n_layers) - - def test_minicpm(self): - from mlx_lm.models import minicpm - - args = minicpm.ModelArgs( - model_type="minicpm", - hidden_size=1024, - dim_model_base=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - rms_norm_eps=1e-4, - vocab_size=10000, - num_key_value_heads=2, - scale_depth=1.0, - scale_emb=1.0, - ) - model = minicpm.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_gpt2(self): - from mlx_lm.models import gpt2 - - args = gpt2.ModelArgs( - model_type="gpt2", - n_ctx=1024, - n_embd=768, - n_head=12, - n_layer=12, - n_positions=1024, - layer_norm_epsilon=1e-5, - vocab_size=50256, - ) - model = gpt2.Model(args) - self.model_test_runner(model, args.model_type, args.vocab_size, args.n_layer) - - def test_gpt_neox(self): - from mlx_lm.models import gpt_neox - - args = gpt_neox.ModelArgs( - model_type="gpt_neox", - max_position_embeddings=2048, - hidden_size=6144, - num_attention_heads=64, - num_hidden_layers=44, - layer_norm_eps=1e-5, - vocab_size=50432, - rotary_emb_base=10_000, - rotary_pct=0.25, - ) - model = gpt_neox.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_openelm(self): - from mlx_lm.models import openelm - - args = openelm.ModelArgs( - model_type="openelm", - ffn_dim_divisor=256, - ffn_multipliers=[ - 0.5, - 0.73, - 0.97, - 1.2, - 1.43, - 1.67, - 1.9, - 2.13, - 2.37, - 2.6, - 2.83, - 3.07, - 3.3, - 3.53, - 3.77, - 4.0, - ], - head_dim=64, - model_dim=1280, - normalize_qk_projections=True, - num_kv_heads=[3, 3, 3, 3, 3, 4, 4, 4, 4, 4, 4, 4, 5, 5, 5, 5], - num_query_heads=[ - 12, - 12, - 12, - 12, - 12, - 16, - 16, - 16, - 16, - 16, - 16, - 16, - 20, - 20, - 20, - 20, - ], - num_transformer_layers=16, - vocab_size=32000, - ) - - model = openelm.Model(args) - self.model_test_runner( - model, - args.model_type, - args.vocab_size, - len(args.ffn_multipliers), - ) - - def test_internlm2(self): - from mlx_lm.models import internlm2 - - args = internlm2.ModelArgs( - model_type="internlm2", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - rms_norm_eps=1e-5, - vocab_size=10000, - ) - model = internlm2.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - def test_llama3_1(self): - from mlx_lm.models import llama - - args = llama.ModelArgs( - model_type="llama", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - rms_norm_eps=1e-5, - vocab_size=10_000, - max_position_embeddings=128, - mlp_bias=False, - num_key_value_heads=2, - rope_scaling={ - "factor": 8.0, - "low_freq_factor": 1.0, - "high_freq_factor": 4.0, - "original_max_position_embeddings": 8192, - "rope_type": "llama3", - }, - ) - model = llama.Model(args) - self.model_test_runner( - model, args.model_type, args.vocab_size, args.num_hidden_layers - ) - - -if __name__ == "__main__": - unittest.main() diff --git a/llms/tests/test_sample_utils.py b/llms/tests/test_sample_utils.py deleted file mode 100644 index 0bccdd07..00000000 --- a/llms/tests/test_sample_utils.py +++ /dev/null @@ -1,39 +0,0 @@ -import unittest -from unittest.mock import patch - -import mlx.core as mx -from mlx_lm.sample_utils import top_p_sampling - - -class TestSamplingUtils(unittest.TestCase): - @patch("mlx.core.random.categorical") - def test_top_p_sampling(self, mock_categorical): - logits = mx.array([[1.0, 2.0, 3.0, 4.0]]) - top_p = 0.3 - temperature = 1.0 - expected_token = mx.array([3]) - mock_categorical.return_value = expected_token - - token = top_p_sampling(logits, top_p, temperature) - expected_top_probs = mx.array([[0.0, 0.0, 0.0, 0.643914]]) - self.assertTrue(mx.allclose(token, expected_token)) - args, _ = mock_categorical.call_args - self.assertTrue(args[0].shape == expected_top_probs.shape) - self.assertTrue(mx.allclose(args[0], mx.log(expected_top_probs))) - - logits = mx.array([[1.0, 2.0, 3.0, 4.0]]) - top_p = 0.9 - temperature = 1.0 - expected_token = mx.array([3]) - mock_categorical.return_value = expected_token - - token = top_p_sampling(logits, top_p, temperature) - expected_top_probs = mx.array([[0.0, 0.0871443, 0.236883, 0.643914]]) - self.assertTrue(mx.allclose(token, expected_token)) - args, _ = mock_categorical.call_args - self.assertTrue(args[0].shape == expected_top_probs.shape) - self.assertTrue(mx.allclose(args[0], mx.log(expected_top_probs))) - - -if __name__ == "__main__": - unittest.main() diff --git a/llms/tests/test_server.py b/llms/tests/test_server.py deleted file mode 100644 index 4d71a5a3..00000000 --- a/llms/tests/test_server.py +++ /dev/null @@ -1,81 +0,0 @@ -import http -import threading -import unittest - -import requests -from mlx_lm.server import APIHandler -from mlx_lm.utils import load - - -class DummyModelProvider: - def __init__(self): - HF_MODEL_PATH = "mlx-community/Qwen1.5-0.5B-Chat-4bit" - self.model, self.tokenizer = load(HF_MODEL_PATH) - - def load(self, model): - assert model in ["default_model", "chat_model"] - return self.model, self.tokenizer - - -class TestServer(unittest.TestCase): - @classmethod - def setUpClass(cls): - cls.model_provider = DummyModelProvider() - cls.server_address = ("localhost", 0) - cls.httpd = http.server.HTTPServer( - cls.server_address, - lambda *args, **kwargs: APIHandler(cls.model_provider, *args, **kwargs), - ) - cls.port = cls.httpd.server_port - cls.server_thread = threading.Thread(target=cls.httpd.serve_forever) - cls.server_thread.daemon = True - cls.server_thread.start() - - @classmethod - def tearDownClass(cls): - cls.httpd.shutdown() - cls.httpd.server_close() - cls.server_thread.join() - - def test_handle_completions(self): - url = f"http://localhost:{self.port}/v1/completions" - - post_data = { - "model": "default_model", - "prompt": "Once upon a time", - "max_tokens": 10, - "temperature": 0.5, - "top_p": 0.9, - "repetition_penalty": 1.1, - "repetition_context_size": 20, - "stop": "stop sequence", - } - - response = requests.post(url, json=post_data) - - response_body = response.text - - self.assertIn("id", response_body) - self.assertIn("choices", response_body) - - def test_handle_chat_completions(self): - url = f"http://localhost:{self.port}/v1/chat/completions" - chat_post_data = { - "model": "chat_model", - "max_tokens": 10, - "temperature": 0.7, - "top_p": 0.85, - "repetition_penalty": 1.2, - "messages": [ - {"role": "system", "content": "You are a helpful assistant."}, - {"role": "user", "content": "Hello!"}, - ], - } - response = requests.post(url, json=chat_post_data) - response_body = response.text - self.assertIn("id", response_body) - self.assertIn("choices", response_body) - - -if __name__ == "__main__": - unittest.main() diff --git a/llms/tests/test_tuner_utils.py b/llms/tests/test_tuner_utils.py deleted file mode 100644 index 0256683c..00000000 --- a/llms/tests/test_tuner_utils.py +++ /dev/null @@ -1,85 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import sys -import unittest -from io import StringIO -from unittest.mock import MagicMock - -import mlx.nn as nn -from mlx_lm.tuner.lora import LoRALinear -from mlx_lm.tuner.utils import print_trainable_parameters - - -class TestTunerUtils(unittest.TestCase): - def setUp(self): - self.capturedOutput = StringIO() - sys.stdout = self.capturedOutput - - def tearDown(self): - sys.stdout = sys.__stdout__ - - def test_quantized_print_trainable_parameters(self): - model = MagicMock() - quantized_linear = MagicMock(spec=nn.QuantizedLinear) - quantized_linear.weight = MagicMock(size=1e6) - quantized_linear.bits = 8 - lora_linear = MagicMock(spec=LoRALinear) - lora_linear.weight = MagicMock(size=2e6) - lora_linear.parameters.return_value = [lora_linear.weight] - - linear = MagicMock(spec=nn.Linear) - linear.weight = MagicMock(size=3e6) - linear.parameters.return_value = [linear.weight] - - model.leaf_modules.return_value = { - "quantized_linear": quantized_linear, - "lora_linear": lora_linear, - "linear": linear, - } - - model.trainable_parameters.return_value = { - "layer1.weight": MagicMock(size=1e6), - "layer3.weight": MagicMock(size=2e6), - } - expected_output_8bits = "Trainable parameters: 33.333% (3.000M/9.000M)\n" - print_trainable_parameters(model) - self.assertEqual(self.capturedOutput.getvalue(), expected_output_8bits) - self.capturedOutput.truncate(0) - self.capturedOutput.seek(0) - - quantized_linear.weight = MagicMock(size=1e6) - quantized_linear.bits = 4 - expected_output_4bits = "Trainable parameters: 23.077% (3.000M/13.000M)\n" - print_trainable_parameters(model) - self.assertEqual(self.capturedOutput.getvalue(), expected_output_4bits) - self.capturedOutput.truncate(0) - self.capturedOutput.seek(0) - - def test_print_trainable_parameters(self): - model = MagicMock() - linear1 = MagicMock(spec=nn.Linear) - linear1.weight = MagicMock(size=1e6) - linear1.parameters.return_value = [linear1.weight] - linear2 = MagicMock(spec=nn.Linear) - linear2.weight = MagicMock(size=2e6) - linear2.parameters.return_value = [linear2.weight] - lora_linear = MagicMock(spec=LoRALinear) - lora_linear.weight = MagicMock(size=3e6) - lora_linear.parameters.return_value = [lora_linear.weight] - model.leaf_modules.return_value = { - "linear1": linear1, - "linear2": linear2, - "lora_linear": lora_linear, - } - - model.trainable_parameters.return_value = { - "layer1.weight": MagicMock(size=1e6), - "layer3.weight": MagicMock(size=2e6), - } - expected_output = "Trainable parameters: 50.000% (3.000M/6.000M)\n" - print_trainable_parameters(model) - self.assertEqual(self.capturedOutput.getvalue(), expected_output) - - -if __name__ == "__main__": - unittest.main() diff --git a/llms/tests/test_utils.py b/llms/tests/test_utils.py deleted file mode 100644 index 576c2820..00000000 --- a/llms/tests/test_utils.py +++ /dev/null @@ -1,93 +0,0 @@ -# Copyright © 2024 Apple Inc. - -import os -import tempfile -import unittest - -import mlx.core as mx -import mlx.nn as nn -from mlx.utils import tree_flatten -from mlx_lm import utils - -HF_MODEL_PATH = "mlx-community/Qwen1.5-0.5B-Chat-4bit" - - -class TestUtils(unittest.TestCase): - - @classmethod - def setUpClass(cls): - cls.test_dir_fid = tempfile.TemporaryDirectory() - cls.test_dir = cls.test_dir_fid.name - if not os.path.isdir(cls.test_dir): - os.mkdir(cls.test_dir_fid.name) - - @classmethod - def tearDownClass(cls): - cls.test_dir_fid.cleanup() - - def test_load(self): - model, _ = utils.load(HF_MODEL_PATH) - - model_lazy, _ = utils.load(HF_MODEL_PATH, lazy=True) - - mx.eval(model_lazy.parameters()) - - p1 = model.layers[0].mlp.up_proj.weight - p2 = model_lazy.layers[0].mlp.up_proj.weight - self.assertTrue(mx.allclose(p1, p2)) - - def test_make_shards(self): - from mlx_lm.models import llama - - args = llama.ModelArgs( - model_type="llama", - hidden_size=2048, - num_hidden_layers=32, - intermediate_size=4096, - num_attention_heads=32, - rms_norm_eps=1e-5, - vocab_size=30_000, - ) - model = llama.Model(args) - weights = tree_flatten(model.parameters()) - gb = sum(p.nbytes for _, p in weights) // 2**30 - shards = utils.make_shards(dict(weights), 1) - self.assertTrue(gb <= len(shards) <= gb + 1) - - def test_quantize(self): - from mlx_lm.models import llama - - args = llama.ModelArgs( - model_type="llama", - hidden_size=1024, - num_hidden_layers=4, - intermediate_size=2048, - num_attention_heads=4, - rms_norm_eps=1e-5, - vocab_size=10_000, - ) - model = llama.Model(args) - weights, config = utils.quantize_model(model, {}, 64, 4) - self.assertTrue("model.layers.2.mlp.up_proj.scales" in weights) - self.assertTrue("model.layers.2.mlp.up_proj.biases" in weights) - self.assertEqual(config["quantization"]["group_size"], 64) - self.assertEqual(config["quantization"]["bits"], 4) - - def test_convert(self): - mlx_path = os.path.join(self.test_dir, "mlx_model") - - utils.convert(HF_MODEL_PATH, mlx_path=mlx_path, quantize=True) - model, _ = utils.load(mlx_path) - self.assertTrue(isinstance(model.layers[0].mlp.up_proj, nn.QuantizedLinear)) - self.assertTrue(isinstance(model.layers[-1].mlp.up_proj, nn.QuantizedLinear)) - - # Check model weights have right type - utils.convert(HF_MODEL_PATH, mlx_path=mlx_path, dtype="bfloat16") - model, _ = utils.load(mlx_path) - - self.assertEqual(model.layers[0].mlp.up_proj.weight.dtype, mx.bfloat16) - self.assertEqual(model.layers[-1].mlp.up_proj.weight.dtype, mx.bfloat16) - - -if __name__ == "__main__": - unittest.main() diff --git a/lora/README.md b/lora/README.md index 5c4b5ee8..e5b37003 100644 --- a/lora/README.md +++ b/lora/README.md @@ -7,7 +7,7 @@ available on Hugging Face. > [!TIP] > For a more fully featured LLM package, checkout [MLX -> LM](https://github.com/ml-explore/mlx-examples/tree/main/llms/mlx_lm). +> LM](https://github.com/ml-explore/mlx-lm). In this example we'll use the WikiSQL[^wikisql] dataset to train the LLM to generate SQL queries from natural language. However, the example is intended to @@ -166,7 +166,7 @@ useful for the sake of attribution and model versioning. For example, to fuse and upload a model derived from Mistral-7B-v0.1, run: ``` -python fuse.py --upload-name My-4-bit-model --hf-repo mistralai/Mistral-7B-v0.1 +python fuse.py --upload-name My-4-bit-model --hf-path mistralai/Mistral-7B-v0.1 ``` ## Custom Data diff --git a/lora/lora.py b/lora/lora.py index 723e783d..7fc3998b 100644 --- a/lora/lora.py +++ b/lora/lora.py @@ -3,6 +3,8 @@ import argparse import json import math +import os +import sys import time from pathlib import Path @@ -14,6 +16,9 @@ import utils as lora_utils from mlx.utils import tree_flatten from models import LoRALinear +# Disable output buffering to see print statements in real-time +sys.stdout = os.fdopen(sys.stdout.fileno(), "w", buffering=1) + def build_parser(): parser = argparse.ArgumentParser(description="LoRA or QLoRA finetuning.") diff --git a/lora/models.py b/lora/models.py index 3e85b135..acafbc61 100644 --- a/lora/models.py +++ b/lora/models.py @@ -17,10 +17,10 @@ class ModelArgs: num_attention_heads: int rms_norm_eps: float vocab_size: int - num_key_value_heads: int = None + num_key_value_heads: Optional[int] = None rope_theta: float = 10000 rope_traditional: bool = False - model_type: str = None + model_type: Optional[str] = None rope_scaling: Optional[Dict[str, Union[float, str]]] = None def __post_init__(self): @@ -146,7 +146,7 @@ class Attention(nn.Module): self.v_proj = nn.Linear(dim, n_kv_heads * head_dim, bias=False) self.o_proj = nn.Linear(n_heads * head_dim, dim, bias=False) rope_scale = ( - 1 / args.rope_scaling["factor"] + 1 / float(args.rope_scaling["factor"]) if args.rope_scaling is not None and args.rope_scaling["type"] == "linear" else 1 ) diff --git a/lora/utils.py b/lora/utils.py index a334723c..db9c0876 100644 --- a/lora/utils.py +++ b/lora/utils.py @@ -4,7 +4,7 @@ import glob import json import logging from pathlib import Path -from typing import Generator +from typing import Any, Dict, Generator, Union import mlx.core as mx import mlx.nn as nn @@ -72,7 +72,8 @@ python generate.py --model {repo_id} --prompt "My name is" def make_shards(weights: dict, max_file_size_gibibyte: int = 15): max_file_size_bytes = max_file_size_gibibyte << 30 shards = [] - shard, shard_size = {}, 0 + shard: Dict[str, mx.array] = {} + shard_size = 0 for k, v in weights.items(): if shard_size + v.nbytes > max_file_size_bytes: shards.append(shard) @@ -83,7 +84,7 @@ def make_shards(weights: dict, max_file_size_gibibyte: int = 15): return shards -def save_model(save_dir: str, weights, tokenizer, config): +def save_model(save_dir: Union[str, Path], weights, tokenizer, config): save_dir = Path(save_dir) save_dir.mkdir(parents=True, exist_ok=True) @@ -96,7 +97,10 @@ def save_model(save_dir: str, weights, tokenizer, config): ) total_size = sum(v.nbytes for v in weights.values()) - index_data = {"metadata": {"total_size": total_size}, "weight_map": {}} + index_data: Dict[str, Any] = { + "metadata": {"total_size": total_size}, + "weight_map": {}, + } for i, shard in enumerate(shards): shard_name = shard_file_format.format(i + 1, shards_count) diff --git a/musicgen/README.md b/musicgen/README.md new file mode 100644 index 00000000..c0e340c9 --- /dev/null +++ b/musicgen/README.md @@ -0,0 +1,30 @@ +# MusicGen + +An example of Meta's MusicGen model in MLX.[^1] MusicGen is used to generate +music from text descriptions. + +### Setup + +Install the requirements: + +``` +pip install -r requirements.txt +``` + +### Example + +An example using the model: + +```python +from musicgen import MusicGen +from utils import save_audio + +model = MusicGen.from_pretrained("facebook/musicgen-medium") + +audio = model.generate("happy rock") + +save_audio("out.wav", audio, model.sampling_rate) +``` + +[^1]: Refer to the [arXiv paper](https://arxiv.org/abs/2306.05284) and + [code](https://github.com/facebookresearch/audiocraft/blob/main/docs/MUSICGEN.md) for more details. diff --git a/musicgen/benchmarks/bench_mx.py b/musicgen/benchmarks/bench_mx.py new file mode 100644 index 00000000..b669597b --- /dev/null +++ b/musicgen/benchmarks/bench_mx.py @@ -0,0 +1,28 @@ +# Copyright © 2024 Apple Inc. + +import sys +import time +from pathlib import Path + +import mlx.core as mx + +cur_path = Path(__file__).parents[1].resolve() +sys.path.append(str(cur_path)) + +from musicgen import MusicGen + +text = "folk ballad" +model = MusicGen.from_pretrained("facebook/musicgen-medium") + +max_steps = 100 + +audio = model.generate(text, max_steps=10) +mx.eval(audio) + +tic = time.time() +audio = model.generate(text, max_steps=max_steps) +mx.eval(audio) +toc = time.time() + +ms = 1000 * (toc - tic) / max_steps +print(f"Time (ms) per step: {ms:.3f}") diff --git a/musicgen/benchmarks/bench_pt.py b/musicgen/benchmarks/bench_pt.py new file mode 100644 index 00000000..de01aa66 --- /dev/null +++ b/musicgen/benchmarks/bench_pt.py @@ -0,0 +1,31 @@ +# Copyright © 2024 Apple Inc. + +import time + +import torch +from transformers import AutoProcessor, MusicgenForConditionalGeneration + +model_name = "facebook/musicgen-medium" +processor = AutoProcessor.from_pretrained(model_name) +model = MusicgenForConditionalGeneration.from_pretrained(model_name).to("mps") + +inputs = processor( + text=["folk ballad"], + padding=True, + return_tensors="pt", +) +inputs["input_ids"] = inputs["input_ids"].to("mps") +inputs["attention_mask"] = inputs["attention_mask"].to("mps") + +# warmup +audio_values = model.generate(**inputs, max_new_tokens=10) +torch.mps.synchronize() + +max_steps = 100 +tic = time.time() +audio_values = model.generate(**inputs, max_new_tokens=max_steps) +torch.mps.synchronize() +toc = time.time() + +ms = 1000 * (toc - tic) / max_steps +print(f"Time (ms) per step: {ms:.3f}") diff --git a/musicgen/encodec.py b/musicgen/encodec.py new file mode 120000 index 00000000..8eb278a7 --- /dev/null +++ b/musicgen/encodec.py @@ -0,0 +1 @@ +../encodec/encodec.py \ No newline at end of file diff --git a/musicgen/generate.py b/musicgen/generate.py new file mode 100644 index 00000000..5a6b7804 --- /dev/null +++ b/musicgen/generate.py @@ -0,0 +1,23 @@ +# Copyright © 2024 Apple Inc. + +import argparse + +from utils import save_audio + +from musicgen import MusicGen + + +def main(text: str, output_path: str, model_name: str, max_steps: int): + model = MusicGen.from_pretrained(model_name) + audio = model.generate(text, max_steps=max_steps) + save_audio(output_path, audio, model.sampling_rate) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--model", required=False, default="facebook/musicgen-medium") + parser.add_argument("--text", required=False, default="happy rock") + parser.add_argument("--output-path", required=False, default="0.wav") + parser.add_argument("--max-steps", required=False, default=500, type=int) + args = parser.parse_args() + main(args.text, args.output_path, args.model, args.max_steps) diff --git a/musicgen/musicgen.py b/musicgen/musicgen.py new file mode 100644 index 00000000..a2d021a5 --- /dev/null +++ b/musicgen/musicgen.py @@ -0,0 +1,358 @@ +# Copyright © 2024 Apple Inc. + +import json +from functools import partial +from pathlib import Path +from types import SimpleNamespace +from typing import Optional + +import mlx.core as mx +import mlx.nn as nn +from tqdm import tqdm + +from encodec import EncodecModel +from t5 import T5 + + +class TextConditioner(nn.Module): + def __init__(self, t5_name, input_dim, output_dim): + super().__init__() + self._t5, self.tokenizer = T5.from_pretrained(t5_name) + self.output_proj = nn.Linear(input_dim, output_dim) + + def __call__(self, text): + x = self.tokenizer.encode(text) + x = self._t5.encode(x) + return self.output_proj(x) + + +class KVCache: + def __init__(self, head_dim, n_kv_heads): + self.n_kv_heads = n_kv_heads + if isinstance(head_dim, int): + self.k_head_dim = self.v_head_dim = head_dim + elif isinstance(head_dim, tuple) and len(head_dim) == 2: + self.k_head_dim, self.v_head_dim = head_dim + else: + raise ValueError("head_dim must be an int or a tuple of two ints") + self.keys = None + self.values = None + self.offset = 0 + self.step = 256 + + def update_and_fetch(self, keys, values): + prev = self.offset + if self.keys is None or (prev + keys.shape[2]) > self.keys.shape[2]: + B = keys.shape[0] + n_steps = (self.step + keys.shape[2] - 1) // self.step + k_shape = (B, self.n_kv_heads, n_steps * self.step, self.k_head_dim) + v_shape = (B, self.n_kv_heads, n_steps * self.step, self.v_head_dim) + new_k = mx.zeros(k_shape, keys.dtype) + new_v = mx.zeros(v_shape, values.dtype) + if self.keys is not None: + if prev % self.step != 0: + self.keys = self.keys[..., :prev, :] + self.values = self.values[..., :prev, :] + self.keys = mx.concatenate([self.keys, new_k], axis=2) + self.values = mx.concatenate([self.values, new_v], axis=2) + else: + self.keys, self.values = new_k, new_v + + self.offset += keys.shape[2] + self.keys[..., prev : self.offset, :] = keys + self.values[..., prev : self.offset, :] = values + return self.keys[..., : self.offset, :], self.values[..., : self.offset, :] + + @property + def state(self): + return self.keys, self.values + + +class MultiHeadAttention(nn.Module): + def __init__(self, dim, n_heads): + super().__init__() + + self.n_heads = n_heads + + head_dim = dim // n_heads + + self.scale = head_dim**-0.5 + + self.q_proj = nn.Linear(dim, dim, bias=False) + self.k_proj = nn.Linear(dim, dim, bias=False) + self.v_proj = nn.Linear(dim, dim, bias=False) + self.out_proj = nn.Linear(dim, dim, bias=False) + + def __call__( + self, + queries: mx.array, + keys: mx.array, + values: mx.array, + mask: Optional[mx.array] = None, + cache: Optional[KVCache] = None, + ) -> mx.array: + B, L_q, D = queries.shape + L_k = keys.shape[1] + + queries, keys, values = ( + self.q_proj(queries), + self.k_proj(keys), + self.v_proj(values), + ) + + # Prepare the queries, keys and values for the attention computation + queries = queries.reshape(B, L_q, self.n_heads, -1).transpose(0, 2, 1, 3) + keys = keys.reshape(B, L_k, self.n_heads, -1).transpose(0, 2, 1, 3) + values = values.reshape(B, L_k, self.n_heads, -1).transpose(0, 2, 1, 3) + + if cache is not None: + keys, values = cache.update_and_fetch(keys, values) + + output = mx.fast.scaled_dot_product_attention( + queries, keys, values, scale=self.scale, mask=mask + ) + output = output.transpose(0, 2, 1, 3).reshape(B, L_q, -1) + return self.out_proj(output) + + +class TransformerBlock(nn.Module): + def __init__(self, config): + super().__init__() + self.num_attention_heads = config.decoder.num_attention_heads + self.hidden_size = config.decoder.hidden_size + self.self_attn = MultiHeadAttention(self.hidden_size, self.num_attention_heads) + self.cross_attn = MultiHeadAttention(self.hidden_size, self.num_attention_heads) + self.linear1 = nn.Linear(self.hidden_size, config.decoder.ffn_dim, bias=False) + self.linear2 = nn.Linear(config.decoder.ffn_dim, self.hidden_size, bias=False) + + self.norm1 = nn.LayerNorm(self.hidden_size, eps=1e-5) + self.norm_cross = nn.LayerNorm(self.hidden_size, eps=1e-5) + self.norm2 = nn.LayerNorm(self.hidden_size, eps=1e-5) + + def __call__( + self, + x: mx.array, + conditioning: mx.array, + mask: Optional[mx.array] = None, + cache: Optional[KVCache] = None, + ) -> mx.array: + xn = self.norm1(x) + x += self.self_attn(xn, xn, xn, mask, cache) + xn = self.norm_cross(x) + x += self.cross_attn(xn, conditioning, conditioning, mask) + xn = self.norm2(x) + x += self.linear2(nn.gelu(self.linear1(xn))) + return x + + +@partial(mx.compile, inputs=mx.random.state, outputs=mx.random.state) +def top_k_sampling( + logits: mx.array, top_k: float, temperature: float, axis: int = -1 +) -> mx.array: + """ + Apply top-k sampling to logits. + + Args: + logits: The logits from the model's output. + top_k: Sample from the top k logits. + temperature: Temperature parameter for softmax distribution reshaping. + axis: Axis along which to sample. + Returns: + token selected based on the top-k criterion. + """ + # referenced implementation from https://github.com/huggingface/transformers/blob/main/src/transformers/generation/logits_process.py#L449-L460 + probs = mx.softmax(logits * (1 / temperature), axis=axis) + + # sort probs in ascending order + sorted_indices = mx.argsort(probs, axis=axis) + sorted_probs = mx.take_along_axis(probs, sorted_indices, axis=axis) + prob_threshold = mx.take(sorted_probs, mx.array(-top_k), axis=axis) + + # select the top K tokens in probability + top_probs = mx.where( + sorted_probs > prob_threshold, + sorted_probs, + 0, + ) + + sorted_token = mx.random.categorical(mx.log(top_probs), axis=axis) + token = mx.take_along_axis( + sorted_indices, mx.expand_dims(sorted_token, axis), axis=axis + ) + + return token + + +def create_sin_embedding(positions: mx.array, dim: int, max_period: float = 10000): + assert dim % 2 == 0 + half_dim = dim // 2 + adim = mx.arange(half_dim).reshape(1, 1, -1) + phase = positions / (max_period ** (adim / (half_dim - 1))) + return mx.concatenate([mx.cos(phase), mx.sin(phase)], axis=-1) + + +class MusicGen(nn.Module): + def __init__(self, config): + self.num_codebooks = config.decoder.num_codebooks + self.codebook_size = config.audio_encoder.codebook_size + self.bos_token_id = config.decoder.bos_token_id + self.hidden_size = config.decoder.hidden_size + self.num_attention_heads = config.decoder.num_attention_heads + self.sampling_rate = config.audio_encoder.sampling_rate + + self.text_conditioner = TextConditioner( + config.text_encoder._name_or_path, + config.text_encoder.d_model, + self.hidden_size, + ) + self.emb = [ + nn.Embedding(self.codebook_size + 1, self.hidden_size) + for _ in range(self.num_codebooks) + ] + self.layers = [ + TransformerBlock(config) for _ in range(config.decoder.num_hidden_layers) + ] + self.out_norm = nn.LayerNorm(self.hidden_size, eps=1e-5) + self.linears = [ + nn.Linear(self.hidden_size, self.codebook_size, bias=False) + for _ in range(self.num_codebooks) + ] + encodec_name = config.audio_encoder._name_or_path.split("/")[-1] + encodec_name = encodec_name.replace("_", "-") + self._audio_decoder, _ = EncodecModel.from_pretrained( + f"mlx-community/{encodec_name}-float32" + ) + + def __call__( + self, + audio_tokens: mx.array, + conditioning: mx.array, + cache: list[KVCache] = None, + ): + + if cache is None: + cache = [None] * len(self.layers) + + x = sum([self.emb[k](audio_tokens[..., k]) for k in range(self.num_codebooks)]) + + offset = cache[0].offset if cache[0] is not None else 0 + pos_emb = create_sin_embedding(offset, self.hidden_size) + x += pos_emb.astype(x.dtype) + + for layer, c in zip(self.layers, cache): + x = layer(x, conditioning, cache=c) + + x = self.out_norm(x) + x = mx.stack([self.linears[k](x) for k in range(self.num_codebooks)], axis=-1) + return x + + def generate( + self, + text: str, + max_steps: int = 200, + top_k: int = 250, + temp: float = 1.0, + guidance_coef: float = 3.0, + ) -> mx.array: + """ + Generates a waveform conditioned on `text`. + + Args: + text (str): The text to condition generation on. + max_steps (int): Max steps to generate. + top_k (int): Top k used in sampling. + temp (float): Sampling softmax temperature. + guidance_coef (float): Classifier free guidance coefficent. + Used to combine conditional and unconditional logits. + + Returns: + An mx.array of audio samples of shape ``(num_samples,)``. + """ + # Assuming no audio prompt we start with all bos token for the codebooks + audio_shape = (1, max_steps + 1, self.num_codebooks) + audio_seq = mx.full(audio_shape, self.bos_token_id) + + text_tokens = self.text_conditioner(text) + # Compute conditional and unconditional logits in one batch + text_tokens = mx.concatenate([text_tokens, mx.zeros_like(text_tokens)], axis=0) + + head_dim = self.hidden_size // self.num_attention_heads + cache = [ + KVCache(head_dim, self.num_attention_heads) for _ in range(len(self.layers)) + ] + for offset in tqdm(range(max_steps)): + audio_input = mx.tile(audio_seq[:, offset : offset + 1], [2, 1, 1]) + audio_logits = self(audio_input, text_tokens, cache) + cond_logits, uncond_logits = audio_logits[:1], audio_logits[1:2] + audio_logits = uncond_logits + (cond_logits - uncond_logits) * guidance_coef + audio_tokens = top_k_sampling(audio_logits, top_k, temp, axis=-2) + # "delay" pattern + audio_tokens[..., offset + 1 :] = self.bos_token_id + audio_tokens[..., : -max_steps + offset] = self.bos_token_id + audio_seq[:, offset + 1 : offset + 2] = audio_tokens + mx.eval(audio_seq) + + # Undo delay + for i in range(self.num_codebooks): + audio_seq[:, : -self.num_codebooks, i] = audio_seq[ + :, i : -self.num_codebooks + i, i + ] + audio_seq = audio_seq[:, 1 : -self.num_codebooks + 1] + + audio_seq = mx.swapaxes(audio_seq, -1, -2)[:, mx.newaxis] + audio = self._audio_decoder.decode(audio_seq, audio_scales=[None]) + return audio[0] + + @classmethod + def sanitize(cls, weights): + out_weights = {} + for k, arr in weights.items(): + if k.startswith("transformer."): + k = k[len("transformer.") :] + + if "cross_attention" in k: + k = k.replace("cross_attention", "cross_attn") + + if "condition_provider" in k: + k = k.replace( + "condition_provider.conditioners.description", "text_conditioner" + ) + + if "in_proj_weight" in k: + dim = arr.shape[0] // 3 + name = "in_proj_weight" + out_weights[k.replace(name, "q_proj.weight")] = arr[:dim] + out_weights[k.replace(name, "k_proj.weight")] = arr[dim : dim * 2] + out_weights[k.replace(name, "v_proj.weight")] = arr[dim * 2 :] + continue + + out_weights[k] = arr + return out_weights + + @classmethod + def from_pretrained(cls, path_or_repo: str): + import torch + from huggingface_hub import snapshot_download + + path = Path(path_or_repo) + if not path.exists(): + path = Path( + snapshot_download( + repo_id=path_or_repo, + allow_patterns=["*.json", "state_dict.bin"], + ) + ) + + with open(path / "config.json", "r") as f: + config = SimpleNamespace(**json.load(f)) + config.text_encoder = SimpleNamespace(**config.text_encoder) + config.audio_encoder = SimpleNamespace(**config.audio_encoder) + config.decoder = SimpleNamespace(**config.decoder) + + weights = torch.load(path / "state_dict.bin", weights_only=True)["best_state"] + weights = {k: mx.array(v) for k, v in weights.items()} + weights = cls.sanitize(weights) + + model = MusicGen(config) + model.load_weights(list(weights.items())) + return model diff --git a/musicgen/requirements.txt b/musicgen/requirements.txt new file mode 100644 index 00000000..5c716fe3 --- /dev/null +++ b/musicgen/requirements.txt @@ -0,0 +1,6 @@ +mlx>=0.18 +numpy +huggingface_hub +torch +transformers +scipy diff --git a/musicgen/t5.py b/musicgen/t5.py new file mode 120000 index 00000000..f31e26f9 --- /dev/null +++ b/musicgen/t5.py @@ -0,0 +1 @@ +../t5/t5.py \ No newline at end of file diff --git a/musicgen/utils.py b/musicgen/utils.py new file mode 100644 index 00000000..78e92571 --- /dev/null +++ b/musicgen/utils.py @@ -0,0 +1,15 @@ +# Copyright © 2024 Apple Inc. + +import mlx.core as mx +import numpy as np + + +def save_audio(file: str, audio: mx.array, sampling_rate: int): + """ + Save audio to a wave (.wav) file. + """ + from scipy.io.wavfile import write + + audio = mx.clip(audio, -1, 1) + audio = (audio * 32767).astype(mx.int16) + write(file, sampling_rate, np.array(audio)) diff --git a/speechcommands/main.py b/speechcommands/main.py index 0d8da9fd..ed328f4c 100644 --- a/speechcommands/main.py +++ b/speechcommands/main.py @@ -76,6 +76,7 @@ def train_epoch(model, train_iter, optimizer, epoch): samples_per_sec = [] model.train(True) + train_iter.reset() for batch_counter, batch in enumerate(train_iter): x = mx.array(batch["audio"]) y = mx.array(batch["label"]) @@ -111,6 +112,7 @@ def test_epoch(model, test_iter): model.train(False) accs = [] throughput = [] + test_iter.reset() for batch_counter, batch in enumerate(test_iter): x = mx.array(batch["audio"]) y = mx.array(batch["label"]) diff --git a/stable_diffusion/image2image.py b/stable_diffusion/image2image.py index e470aa81..4444c488 100644 --- a/stable_diffusion/image2image.py +++ b/stable_diffusion/image2image.py @@ -30,6 +30,7 @@ if __name__ == "__main__": parser.add_argument("--preload-models", action="store_true") parser.add_argument("--output", default="out.png") parser.add_argument("--verbose", "-v", action="store_true") + parser.add_argument("--seed", type=int) args = parser.parse_args() # Load the models @@ -94,6 +95,7 @@ if __name__ == "__main__": cfg_weight=args.cfg, num_steps=args.steps, negative_text=args.negative_prompt, + seed=args.seed, ) for x_t in tqdm(latents, total=int(args.steps * args.strength)): mx.eval(x_t) diff --git a/stable_diffusion/stable_diffusion/unet.py b/stable_diffusion/stable_diffusion/unet.py index ec2915e5..cfad7fcc 100644 --- a/stable_diffusion/stable_diffusion/unet.py +++ b/stable_diffusion/stable_diffusion/unet.py @@ -110,7 +110,7 @@ class Transformer2D(nn.Module): # Perform the input norm and projection B, H, W, C = x.shape - x = self.norm(x.astype(mx.float32)).astype(dtype).reshape(B, -1, C) + x = self.norm(x).reshape(B, -1, C) x = self.proj_in(x) # Apply the transformer @@ -156,12 +156,12 @@ class ResnetBlock2D(nn.Module): if temb is not None: temb = self.time_emb_proj(nn.silu(temb)) - y = self.norm1(x.astype(mx.float32)).astype(dtype) + y = self.norm1(x) y = nn.silu(y) y = self.conv1(y) if temb is not None: y = y + temb[:, None, None, :] - y = self.norm2(y.astype(mx.float32)).astype(dtype) + y = self.norm2(y) y = nn.silu(y) y = self.conv2(y) @@ -453,8 +453,7 @@ class UNetModel(nn.Module): ) # Postprocess the output - dtype = x.dtype - x = self.conv_norm_out(x.astype(mx.float32)).astype(dtype) + x = self.conv_norm_out(x) x = nn.silu(x) x = self.conv_out(x) diff --git a/t5/README.md b/t5/README.md index a0cc861b..e5165f8f 100644 --- a/t5/README.md +++ b/t5/README.md @@ -7,31 +7,6 @@ tasks by prepending task-specific prefixes to the input, e.g.: This example also supports the FLAN-T5 models variants.[^2] -## Setup - -Download and convert the model: - -```sh -python convert.py --model -``` - -This will make the `.npz` file which MLX can read. - -The `` can be any of the following: - -| Model Name | Model Size | -| ---------- | ---------- -| t5-small | 60 million | -| t5-base | 220 million | -| t5-large | 770 million | -| t5-3b | 3 billion | -| t5-11b | 11 billion | - -The FLAN variants can be specified with `google/flan-t5-small`, -`google/flan-t5-base`, etc. See the [Hugging Face -page](https://huggingface.co/docs/transformers/model_doc/flan-t5) for a -complete list of models. - ## Generate Generate text with: @@ -48,6 +23,21 @@ To see a list of options run: python t5.py --help ``` +The `` can be any of the following: + +| Model Name | Model Size | +| ---------- | ---------- +| t5-small | 60 million | +| t5-base | 220 million | +| t5-large | 770 million | +| t5-3b | 3 billion | +| t5-11b | 11 billion | + +The FLAN variants can be specified with `google/flan-t5-small`, +`google/flan-t5-base`, etc. See the [Hugging Face +page](https://huggingface.co/docs/transformers/model_doc/flan-t5) for a +complete list of models. + [^1]: For more information on T5 see the [original paper](https://arxiv.org/abs/1910.10683) or the [Hugging Face page](https://huggingface.co/docs/transformers/model_doc/t5). [^2]: For more information on FLAN-T5 see the [original paper](https://arxiv.org/abs/2210.11416). diff --git a/t5/convert.py b/t5/convert.py deleted file mode 100644 index e2108a0c..00000000 --- a/t5/convert.py +++ /dev/null @@ -1,75 +0,0 @@ -import numpy as np -from transformers import T5ForConditionalGeneration - -SHARED_REPLACEMENT_PATTERNS = [ - (".block.", ".layers."), - (".k.", ".key_proj."), - (".o.", ".out_proj."), - (".q.", ".query_proj."), - (".v.", ".value_proj."), - ("shared.", "wte."), - ("lm_head.", "lm_head.linear."), - (".layer.0.layer_norm.", ".ln1."), - (".layer.1.layer_norm.", ".ln2."), - (".layer.2.layer_norm.", ".ln3."), - (".final_layer_norm.", ".ln."), - ( - "layers.0.layer.0.SelfAttention.relative_attention_bias.", - "relative_attention_bias.embeddings.", - ), -] - -ENCODER_REPLACEMENT_PATTERNS = [ - (".layer.0.SelfAttention.", ".attention."), - (".layer.1.DenseReluDense.", ".dense."), -] - -DECODER_REPLACEMENT_PATTERNS = [ - (".layer.0.SelfAttention.", ".self_attention."), - (".layer.1.EncDecAttention.", ".cross_attention."), - (".layer.2.DenseReluDense.", ".dense."), -] - - -def replace_key(key: str) -> str: - for old, new in SHARED_REPLACEMENT_PATTERNS: - key = key.replace(old, new) - if key.startswith("encoder."): - for old, new in ENCODER_REPLACEMENT_PATTERNS: - key = key.replace(old, new) - elif key.startswith("decoder."): - for old, new in DECODER_REPLACEMENT_PATTERNS: - key = key.replace(old, new) - return key - - -def convert(model_name, dtype): - dtype = getattr(np, dtype) - model = T5ForConditionalGeneration.from_pretrained(model_name, torch_dtype="auto") - weights = { - replace_key(k): v.numpy().astype(dtype) for k, v in model.state_dict().items() - } - file_name = model_name.replace("/", "-") - print(f"Saving weights to {file_name}.npz") - np.savez(f"{file_name}.npz", **weights) - - -if __name__ == "__main__": - import argparse - - parser = argparse.ArgumentParser(description="Convert T5 weights to MLX") - parser.add_argument( - "--model", - type=str, - help="Name of the T5 model.", - default="t5-small", - ) - parser.add_argument( - "--dtype", - help="The model data type.", - type=str, - choices=["float16", "float32"], - default="float32", - ) - args = parser.parse_args() - convert(args.model, args.dtype) diff --git a/t5/t5.py b/t5/t5.py index 89f2e486..04a0da8c 100644 --- a/t5/t5.py +++ b/t5/t5.py @@ -1,12 +1,45 @@ import argparse +import json +from pathlib import Path from time import perf_counter_ns +from types import SimpleNamespace from typing import List, Optional, Tuple import mlx.core as mx import mlx.nn as nn import numpy as np -from mlx.utils import tree_map, tree_unflatten -from transformers import AutoTokenizer, T5Config +from transformers import AutoTokenizer + + +class Tokenizer: + def __init__(self, config, model_name): + self._decoder_start_id = config.decoder_start_token_id + self._tokenizer = AutoTokenizer.from_pretrained( + model_name, + legacy=False, + model_max_length=getattr(config, "n_positions", 512), + ) + + @property + def eos_id(self) -> int: + return self._tokenizer.eos_token_id + + @property + def decoder_start_id(self) -> int: + return self._decoder_start_id + + def encode(self, s: str) -> mx.array: + return mx.array( + self._tokenizer( + s, + return_tensors="np", + return_attention_mask=False, + )["input_ids"] + ) + + def decode(self, t: List[int], with_sep: bool = True) -> str: + tokens = self._tokenizer.convert_ids_to_tokens(t) + return "".join(t.replace("▁", " " if with_sep else "") for t in tokens) def _relative_position_bucket( @@ -60,10 +93,10 @@ def _relative_position_bucket( class RelativePositionBias(nn.Module): - def __init__(self, config: T5Config, bidirectional: bool): + def __init__(self, config, bidirectional: bool): self.bidirectional = bidirectional self.num_buckets = config.relative_attention_num_buckets - self.max_distance = config.relative_attention_max_distance + self.max_distance = getattr(config, "relative_attention_max_distance", 128) self.n_heads = config.num_heads self.embeddings = nn.Embedding( config.relative_attention_num_buckets, config.num_heads @@ -91,7 +124,7 @@ class RelativePositionBias(nn.Module): class MultiHeadAttention(nn.Module): - def __init__(self, config: T5Config): + def __init__(self, config): super().__init__() inner_dim = config.d_kv * config.num_heads self.num_heads = config.num_heads @@ -135,17 +168,21 @@ class MultiHeadAttention(nn.Module): class DenseActivation(nn.Module): - def __init__(self, config: T5Config): + def __init__(self, config): super().__init__() mlp_dims = config.d_ff or config.d_model * 4 - self.gated = config.feed_forward_proj.startswith("gated") + self.gated = hasattr(config, "feed_forward_proj") + activation = ( + "relu" + if not self.gated + else config.feed_forward_proj.removeprefix("gated-") + ) if self.gated: self.wi_0 = nn.Linear(config.d_model, mlp_dims, bias=False) self.wi_1 = nn.Linear(config.d_model, mlp_dims, bias=False) else: self.wi = nn.Linear(config.d_model, mlp_dims, bias=False) self.wo = nn.Linear(mlp_dims, config.d_model, bias=False) - activation = config.feed_forward_proj.removeprefix("gated-") if activation == "relu": self.act = nn.relu elif activation == "gelu": @@ -166,7 +203,7 @@ class DenseActivation(nn.Module): class TransformerEncoderLayer(nn.Module): - def __init__(self, config: T5Config): + def __init__(self, config): super().__init__() self.attention = MultiHeadAttention(config) self.ln1 = nn.RMSNorm(config.d_model, eps=config.layer_norm_epsilon) @@ -184,7 +221,7 @@ class TransformerEncoderLayer(nn.Module): class TransformerEncoder(nn.Module): - def __init__(self, config: T5Config): + def __init__(self, config): super().__init__() self.layers = [ TransformerEncoderLayer(config) for i in range(config.num_layers) @@ -200,7 +237,7 @@ class TransformerEncoder(nn.Module): class TransformerDecoderLayer(nn.Module): - def __init__(self, config: T5Config): + def __init__(self, config): super().__init__() self.self_attention = MultiHeadAttention(config) self.cross_attention = MultiHeadAttention(config) @@ -233,7 +270,7 @@ class TransformerDecoderLayer(nn.Module): class TransformerDecoder(nn.Module): - def __init__(self, config: T5Config): + def __init__(self, config): super().__init__() n_layers = getattr(config, "num_decoder_layers", config.num_layers) self.layers = [TransformerDecoderLayer(config) for i in range(n_layers)] @@ -262,7 +299,7 @@ class TransformerDecoder(nn.Module): class OutputHead(nn.Module): - def __init__(self, config: T5Config): + def __init__(self, config): self.linear = nn.Linear(config.d_model, config.vocab_size, bias=False) def __call__(self, inputs): @@ -270,11 +307,11 @@ class OutputHead(nn.Module): class T5(nn.Module): - def __init__(self, config: T5Config): + def __init__(self, config): self.wte = nn.Embedding(config.vocab_size, config.d_model) self.encoder = TransformerEncoder(config) self.decoder = TransformerDecoder(config) - self.tie_word_embeddings = config.tie_word_embeddings + self.tie_word_embeddings = getattr(config, "tie_word_embeddings", True) if not self.tie_word_embeddings: self.lm_head = OutputHead(config) self.model_dim = config.d_model @@ -313,36 +350,82 @@ class T5(nn.Module): ): return self.decode(decoder_inputs, self.encode(inputs))[0] + @classmethod + def sanitize(cls, weights): + shared_replacement_patterns = [ + (".block.", ".layers."), + (".k.", ".key_proj."), + (".o.", ".out_proj."), + (".q.", ".query_proj."), + (".v.", ".value_proj."), + ("shared.", "wte."), + ("lm_head.", "lm_head.linear."), + (".layer.0.layer_norm.", ".ln1."), + (".layer.1.layer_norm.", ".ln2."), + (".layer.2.layer_norm.", ".ln3."), + (".final_layer_norm.", ".ln."), + ( + "layers.0.layer.0.SelfAttention.relative_attention_bias.", + "relative_attention_bias.embeddings.", + ), + ] -class Tokenizer: - def __init__(self, config: T5Config): - self._decoder_start_id = config.decoder_start_token_id - self._tokenizer = AutoTokenizer.from_pretrained( - args.model, - legacy=False, - model_max_length=getattr(config, "n_positions", 512), - ) + encoder_replacement_patterns = [ + (".layer.0.SelfAttention.", ".attention."), + (".layer.1.DenseReluDense.", ".dense."), + ] - @property - def eos_id(self) -> int: - return self._tokenizer.eos_token_id + decoder_replacement_patterns = [ + (".layer.0.SelfAttention.", ".self_attention."), + (".layer.1.EncDecAttention.", ".cross_attention."), + (".layer.2.DenseReluDense.", ".dense."), + ] - @property - def decoder_start_id(self) -> int: - return self._decoder_start_id + ignored_keys = [ + "decoder.layers.0.cross_attention.relative_attention_bias.weight" + ] - def encode(self, s: str) -> mx.array: - return mx.array( - self._tokenizer( - s, - return_tensors="np", - return_attention_mask=False, - )["input_ids"] - ) + def replace_key(key: str) -> str: + for old, new in shared_replacement_patterns: + key = key.replace(old, new) + if key.startswith("encoder."): + for old, new in encoder_replacement_patterns: + key = key.replace(old, new) + elif key.startswith("decoder."): + for old, new in decoder_replacement_patterns: + key = key.replace(old, new) + return key - def decode(self, t: List[int], with_sep: bool = True) -> str: - tokens = self._tokenizer.convert_ids_to_tokens(t) - return "".join(t.replace("▁", " " if with_sep else "") for t in tokens) + weights = {replace_key(k): v for k, v in weights.items()} + for key in ignored_keys: + if key in weights: + del weights[key] + return weights + + @classmethod + def from_pretrained( + cls, path_or_repo: str, dtype: mx.Dtype = mx.bfloat16 + ) -> tuple["T5", Tokenizer]: + from huggingface_hub import snapshot_download + + path = Path(path_or_repo) + if not path.exists(): + path = Path( + snapshot_download( + repo_id=path_or_repo, + allow_patterns=["*.json", "*.safetensors", "*.model"], + ) + ) + + with open(path / "config.json", "r") as f: + config = SimpleNamespace(**json.load(f)) + + model = T5(config) + weights = mx.load(str(path / "model.safetensors")) + weights = cls.sanitize(weights) + weights = {k: v.astype(dtype) for k, v in weights.items()} + model.load_weights(list(weights.items())) + return model, Tokenizer(config, "t5-base") def generate(prompt: str, model: T5, tokenizer: Tokenizer, temp: Optional[float] = 0.0): @@ -363,19 +446,6 @@ def generate(prompt: str, model: T5, tokenizer: Tokenizer, temp: Optional[float] yield y.squeeze() -def load_model(model_name: str, dtype: str = "float16"): - config = T5Config.from_pretrained(args.model) - dtype = getattr(mx, dtype) - model = T5(config) - file_name = model_name.replace("/", "-") - weights = mx.load(f"{file_name}.npz") - weights = tree_unflatten(list(weights.items())) - weights = tree_map(lambda p: p.astype(dtype), weights) - model.update(weights) - mx.eval(model.parameters()) - return model, Tokenizer(config) - - if __name__ == "__main__": parser = argparse.ArgumentParser(description="T5 Inference script") parser.add_argument( @@ -421,7 +491,8 @@ if __name__ == "__main__": mx.random.seed(args.seed) - model, tokenizer = load_model(args.model, args.dtype) + dtype = getattr(mx, args.dtype) + model, tokenizer = T5.from_pretrained(args.model, dtype) if args.encode_only: print("[INFO] Encoding with T5...", flush=True) diff --git a/transformer_lm/main.py b/transformer_lm/main.py index dc725cbe..7ff5b73f 100644 --- a/transformer_lm/main.py +++ b/transformer_lm/main.py @@ -8,7 +8,6 @@ import datasets import mlx.core as mx import mlx.nn as nn import mlx.optimizers as optim -import numpy as np from mlx.utils import tree_flatten @@ -40,26 +39,21 @@ class TransformerLM(nn.Module): def to_samples(context_size, dataset): - tokens = dataset.size window_size = context_size + 1 # include target - samples = tokens - window_size + 1 - X = np.lib.stride_tricks.as_strided( - dataset, - shape=(samples, window_size), - strides=(dataset.itemsize, dataset.itemsize), - ) - return X[:, :-1], X[:, 1:] + samples = dataset.size // window_size + dataset = dataset[: samples * window_size] + return mx.array(dataset.reshape(samples, -1)) def iterate_batches(batch_size, context_size, dataset): - inputs, targets = to_samples(context_size, dataset) + inputs = to_samples(context_size, dataset) s = 0 while True: if s == 0: # Reset permutation: - perm = np.random.permutation(inputs.shape[0]) + perm = mx.random.permutation(inputs.shape[0]) ids = perm[s : s + batch_size] - yield inputs[ids], targets[ids] + yield inputs[ids] s += batch_size if s >= inputs.shape[0]: s = 0 @@ -84,45 +78,42 @@ def main(args): ) print(f"Training a transformer with {nparams / 1024**2:.3f} M parameters") - def loss_fn(model, x, y, reduce=True): + def loss_fn(model, inputs, reduction="mean"): + x, y = inputs[..., :-1], inputs[..., 1:] logits = model(x) - losses = nn.losses.cross_entropy(logits, y) - return mx.mean(losses) if reduce else mx.mean(losses, axis=(-1, -2)) + return nn.losses.cross_entropy(logits, y, reduction=reduction) optimizer = optim.AdamW( learning_rate=args.learning_rate, weight_decay=args.weight_decay ) def eval_fn(dataset): - inputs, targets = map(mx.array, to_samples(context_size, dataset)) + inputs = to_samples(context_size, dataset) loss = 0 - for s in range(0, targets.shape[0], batch_size): - bx, by = inputs[s : s + batch_size], targets[s : s + batch_size] - bx, by = map(mx.array, (bx, by)) - losses = loss_fn(model, bx, by, reduce=False) - loss += mx.sum(losses).item() - return loss / len(targets) + for s in range(0, inputs.shape[0], batch_size): + losses = loss_fn(model, inputs[s : s + batch_size], reduction="sum") + loss += losses.item() + return loss / (inputs.size - inputs.shape[0]) state = [model.state, optimizer.state] @partial(mx.compile, inputs=state, outputs=state) - def step(inputs, targets): + def step(inputs): loss_and_grad_fn = nn.value_and_grad(model, loss_fn) - loss, grads = loss_and_grad_fn(model, inputs, targets) + loss, grads = loss_and_grad_fn(model, inputs) optimizer.update(model, grads) return loss train_iterator = iterate_batches(batch_size, context_size, train) losses = [] tic = time.perf_counter() - for it, (inputs, targets) in zip(range(args.num_iters), train_iterator): - inputs, targets = map(mx.array, (inputs, targets)) + for it, inputs in zip(range(args.num_iters), train_iterator): optimizer.learning_rate = min(1, it / args.lr_warmup) * args.learning_rate - loss = step(inputs, targets) + loss = step(inputs) mx.eval(state) losses.append(loss.item()) if (it + 1) % steps_per_report == 0: - train_loss = np.mean(losses) + train_loss = sum(losses) / len(losses) toc = time.perf_counter() print( f"Iter {it + 1}: Train loss {train_loss:.3f}, " diff --git a/whisper/README.md b/whisper/README.md index 2805e899..cd3bc684 100644 --- a/whisper/README.md +++ b/whisper/README.md @@ -21,6 +21,31 @@ pip install mlx-whisper ### Run +#### CLI + +At its simplest: + +```sh +mlx_whisper audio_file.mp3 +``` + +This will make a text file `audio_file.txt` with the results. + +Use `-f` to specify the output format and `--model` to specify the model. There +are many other supported command line options. To see them all, run +`mlx_whisper -h`. + +You can also pipe the audio content of other programs via stdin: + +```sh +some-process | mlx_whisper - +``` + +The default output file name will be `content.*`. You can specify the name with +the `--output-name` flag. + +#### API + Transcribe audio with: ```python @@ -87,7 +112,7 @@ python convert.py --help ``` By default, the conversion script will make the directory `mlx_models` -and save the converted `weights.npz` and `config.json` there. +and save the converted `weights.npz` and `config.json` there. Each time it is run, `convert.py` will overwrite any model in the provided path. To save different models, make sure to set `--mlx-path` to a unique diff --git a/whisper/convert.py b/whisper/convert.py index 37825d6c..7369fafa 100644 --- a/whisper/convert.py +++ b/whisper/convert.py @@ -35,6 +35,8 @@ _MODELS = { "large-v2": "https://openaipublic.azureedge.net/main/whisper/models/81f7c96c852ee8fc832187b0132e569d6c3065a3252ed18e56effd0b6a73e524/large-v2.pt", "large-v3": "https://openaipublic.azureedge.net/main/whisper/models/e5b1a55b89c1367dacf97e3e19bfd829a01529dbfdeefa8caeb59b3f1b81dadb/large-v3.pt", "large": "https://openaipublic.azureedge.net/main/whisper/models/e5b1a55b89c1367dacf97e3e19bfd829a01529dbfdeefa8caeb59b3f1b81dadb/large-v3.pt", + "large-v3-turbo": "https://openaipublic.azureedge.net/main/whisper/models/aff26ae408abcba5fbf8813c21e62b0941638c5f6eebfb145be0c9839262a19a/large-v3-turbo.pt", + "turbo": "https://openaipublic.azureedge.net/main/whisper/models/aff26ae408abcba5fbf8813c21e62b0941638c5f6eebfb145be0c9839262a19a/large-v3-turbo.pt", } # base85-encoded (n_layers, n_heads) boolean arrays indicating the cross-attention heads that are @@ -52,6 +54,8 @@ _ALIGNMENT_HEADS = { "large-v2": b"ABzY8zd+h!0{>%R7=D0pU<_bnWW*tkYAhobTNnu$jnkEkXqp)j;w1Tzk)UH3X%SZd&fFZ2fC2yj", "large-v3": b"ABzY8gWO1E0{>%R7(9S+Kn!D~%ngiGaR?*L!iJG9p-nab0JQ=-{D1-g00", "large": b"ABzY8gWO1E0{>%R7(9S+Kn!D~%ngiGaR?*L!iJG9p-nab0JQ=-{D1-g00", + "large-v3-turbo": b"ABzY8j^C+e0{>%RARaKHP%t(lGR*)0g!tONPyhe`", + "turbo": b"ABzY8j^C+e0{>%RARaKHP%t(lGR*)0g!tONPyhe`", } @@ -105,6 +109,89 @@ def available_models() -> List[str]: return list(_MODELS.keys()) +def hf_to_pt(weights, config): + config = { + "n_mels": config["num_mel_bins"], + "n_audio_ctx": config["max_source_positions"], + "n_audio_state": config["d_model"], + "n_audio_head": config["encoder_attention_heads"], + "n_audio_layer": config["encoder_layers"], + "n_vocab": config["vocab_size"], + "n_text_ctx": config["max_target_positions"], + "n_text_state": config["d_model"], + "n_text_head": config["decoder_attention_heads"], + "n_text_layer": config["decoder_layers"], + } + + def remap(k): + k = k.replace("model.", "") + k = k.replace(".layers", ".blocks") + k = k.replace(".self_attn", ".attn") + k = k.replace(".attn_layer_norm", ".attn_ln") + k = k.replace(".encoder_attn.", ".cross_attn.") + k = k.replace(".encoder_attn_layer_norm", ".cross_attn_ln") + k = k.replace(".final_layer_norm", ".mlp_ln") + k = k.replace(".q_proj", ".query") + k = k.replace(".k_proj", ".key") + k = k.replace(".v_proj", ".value") + k = k.replace(".out_proj", ".out") + k = k.replace(".fc1", ".mlp1") + k = k.replace(".fc2", ".mlp2") + k = k.replace("embed_positions.weight", "positional_embedding") + k = k.replace("decoder.embed_tokens", "decoder.token_embedding") + k = k.replace("encoder.layer_norm", "encoder.ln_post") + k = k.replace("decoder.layer_norm", "decoder.ln") + return k + + # token embeddings are shared with output projection + weights.pop("proj_out.weight", None) + weights = {remap(k): v for k, v in weights.items()} + return weights, config + + +def load_torch_weights_and_config( + name_or_path: str, + download_root: str = None, +): + if download_root is None: + download_root = os.path.join(os.path.expanduser("~"), ".cache/whisper") + + # todo: accept alignment_heads of local Pytorch checkpoint + alignment_heads = None + if name_or_path in _MODELS: + alignment_heads = _ALIGNMENT_HEADS[name_or_path] + name_or_path = _download(_MODELS[name_or_path], download_root) + elif not Path(name_or_path).exists(): + # Try downloading from HF + from huggingface_hub import snapshot_download + + name_or_path = snapshot_download( + repo_id=name_or_path, + allow_patterns=[ + "*.json", + "pytorch_model.bin", + "model.safetensors", + "*.txt", + ], + ) + + if name_or_path.endswith(".pt"): + checkpoint = torch.load(name_or_path, map_location="cpu", weights_only=False) + weights, config = checkpoint["model_state_dict"], checkpoint["dims"] + else: + name_or_path = Path(name_or_path) + pt_path = name_or_path / "pytorch_model.bin" + if pt_path.is_file(): + weights = torch.load(pt_path, map_location="cpu") + else: + weights = mx.load(str(name_or_path / "model.safetensors")) + with open(name_or_path / "config.json", "r") as fp: + config = json.load(fp) + weights, config = hf_to_pt(weights, config) + + return weights, config, alignment_heads + + def load_torch_model( name_or_path: str, download_root: str = None, @@ -115,7 +202,8 @@ def load_torch_model( Parameters ---------- name_or_path : str - one of the official model names listed by `whisper.available_models()` or a local Pytorch checkpoint which is in the original OpenAI format + one of the official model names listed by `whisper.available_models()` or + a local Pytorch checkpoint which is in the original OpenAI format download_root: str path to download the model files; by default, it uses "~/.cache/whisper" @@ -128,22 +216,12 @@ def load_torch_model( if download_root is None: download_root = os.path.join(os.path.expanduser("~"), ".cache/whisper") - # todo: accept alignment_heads of local Pytorch checkpoint - alignment_heads = None - if name_or_path in _MODELS: - alignment_heads = _ALIGNMENT_HEADS[name_or_path] - name_or_path = _download(_MODELS[name_or_path], download_root) - elif not Path(name_or_path).is_file(): - raise RuntimeError( - f"Model {name_or_path} is neither found in {available_models()} nor as a local path" - ) - - with open(name_or_path, "rb") as fp: - checkpoint = torch.load(fp) - - dims = torch_whisper.ModelDimensions(**checkpoint["dims"]) + weights, config, alignment_heads = load_torch_weights_and_config( + name_or_path, download_root + ) + dims = torch_whisper.ModelDimensions(**config) model = torch_whisper.Whisper(dims) - model.load_state_dict(checkpoint["model_state_dict"]) + model.load_state_dict(weights) if alignment_heads is not None: model.set_alignment_heads(alignment_heads) @@ -151,59 +229,28 @@ def load_torch_model( return model -def convert(model, rules=None): - params = {} - if rules is not None and type(model) in rules: - out = rules[type(model)](model, rules) - return out - if isinstance(model, torch.Tensor): - return mx.array(model.detach().numpy()) - if isinstance(model, torch.nn.ModuleList): - return [convert(n, rules) for n in model.children()] - if isinstance(model, torch.nn.Conv1d): - return { - "weight": convert(model.weight).transpose(0, 2, 1), - "bias": convert(model.bias), - } - for k, n in model.named_children(): - if k in rules: - params.update(rules[k](n, rules)) - else: - params[k] = convert(n, rules) - for k, p in model.named_parameters(recurse=False): - params[k] = convert(p) - return params +def convert(name_or_path: str, dtype: mx.Dtype = mx.float16): + def remap(key, value): + key = key.replace("mlp.0", "mlp1") + key = key.replace("mlp.2", "mlp2") + if "conv" in key and value.ndim == 3: + value = value.swapaxes(1, 2) + if isinstance(value, torch.Tensor): + value = mx.array(value.detach()) + return key, value.astype(dtype) + weights, config, alignment_heads = load_torch_weights_and_config(name_or_path) + weights.pop("encoder.positional_embedding", None) + weights = dict(remap(k, v) for k, v in weights.items()) -def torch_to_mlx( - torch_model: torch_whisper.Whisper, - dtype: mx.Dtype = mx.float16, -) -> Whisper: - def convert_rblock(model, rules): - children = dict(model.named_children()) - mlp = list(children.pop("mlp").children()) - params = { - "mlp1": convert(mlp[0], rules), - "mlp2": convert(mlp[-1], rules), - } - for k, n in children.items(): - params[k] = convert(n, rules) - return params + model_dims = ModelDimensions(**config) + model = Whisper(model_dims, dtype) + model.load_weights(list(weights.items()), strict=False) - rules = { - torch_whisper.ResidualAttentionBlock: convert_rblock, - } + if alignment_heads is not None: + model.set_alignment_heads(alignment_heads) - params = convert(torch_model, rules) - - mlx_model = Whisper(torch_model.dims, dtype) - params = tree_map(lambda p: p.astype(dtype), params) - mlx_model.update(params) - - if (alignment_heads := getattr(torch_model, "alignment_heads", None)) is not None: - mlx_model.set_alignment_heads(alignment_heads.indices().T.numpy()) - - return mlx_model + return model def upload_to_hub(path: str, name: str, torch_name_or_path: str): @@ -222,12 +269,16 @@ This model was converted to MLX format from [`{torch_name_or_path}`](). ## Use with mlx ```bash -git clone https://github.com/ml-explore/mlx-examples.git -cd mlx-examples/whisper/ -pip install -r requirements.txt +pip install mlx-whisper +``` ->> import whisper ->> whisper.transcribe("FILE_NAME") +```python +import mlx_whisper + +result = mlx_whisper.transcribe( + "FILE_NAME", + path_or_hf_repo={repo_id}, +) ``` """ card = ModelCard(text) @@ -292,13 +343,13 @@ if __name__ == "__main__": action="store_true", ) parser.add_argument( - "--q_group_size", + "--q-group-size", help="Group size for quantization.", type=int, default=64, ) parser.add_argument( - "--q_bits", + "--q-bits", help="Bits per weight for quantization.", type=int, default=4, @@ -318,7 +369,7 @@ if __name__ == "__main__": dtype = getattr(mx, args.dtype) print("[INFO] Loading") - model = torch_to_mlx(load_torch_model(args.torch_name_or_path), dtype) + model = convert(args.torch_name_or_path, dtype) config = asdict(model.dims) weights = dict(tree_flatten(model.parameters())) @@ -331,7 +382,7 @@ if __name__ == "__main__": # Save weights print("[INFO] Saving") - np.savez(str(mlx_path / "weights.npz"), **weights) + mx.save_safetensors(str(mlx_path / "weights.safetensors"), weights) # Save config.json with model_type with open(str(mlx_path / "config.json"), "w") as f: diff --git a/whisper/mlx_whisper/__init__.py b/whisper/mlx_whisper/__init__.py index e6de0858..14c5197f 100644 --- a/whisper/mlx_whisper/__init__.py +++ b/whisper/mlx_whisper/__init__.py @@ -1,5 +1,5 @@ # Copyright © 2023-2024 Apple Inc. from . import audio, decoding, load_models +from ._version import __version__ from .transcribe import transcribe -from .version import __version__ diff --git a/whisper/mlx_whisper/version.py b/whisper/mlx_whisper/_version.py similarity index 62% rename from whisper/mlx_whisper/version.py rename to whisper/mlx_whisper/_version.py index 87ee07a7..8280e038 100644 --- a/whisper/mlx_whisper/version.py +++ b/whisper/mlx_whisper/_version.py @@ -1,3 +1,3 @@ # Copyright © 2023-2024 Apple Inc. -__version__ = "0.1.0" +__version__ = "0.4.1" diff --git a/whisper/mlx_whisper/audio.py b/whisper/mlx_whisper/audio.py index e04309c1..c8cca07c 100644 --- a/whisper/mlx_whisper/audio.py +++ b/whisper/mlx_whisper/audio.py @@ -3,7 +3,7 @@ import os from functools import lru_cache from subprocess import CalledProcessError, run -from typing import Union +from typing import Optional, Union import mlx.core as mx import numpy as np @@ -21,7 +21,7 @@ FRAMES_PER_SECOND = SAMPLE_RATE // HOP_LENGTH # 10ms per audio frame TOKENS_PER_SECOND = SAMPLE_RATE // N_SAMPLES_PER_TOKEN # 20ms per audio token -def load_audio(file: str, sr: int = SAMPLE_RATE): +def load_audio(file: str = Optional[str], sr: int = SAMPLE_RATE, from_stdin=False): """ Open an audio file and read as mono waveform, resampling as necessary @@ -39,19 +39,21 @@ def load_audio(file: str, sr: int = SAMPLE_RATE): """ # This launches a subprocess to decode audio while down-mixing - # and resampling as necessary. Requires the ffmpeg CLI in PATH. + # and resampling as necessary. Requires the ffmpeg CLI in PATH. + if from_stdin: + cmd = ["ffmpeg", "-i", "pipe:0"] + else: + cmd = ["ffmpeg", "-nostdin", "-i", file] + # fmt: off - cmd = [ - "ffmpeg", - "-nostdin", + cmd.extend([ "-threads", "0", - "-i", file, "-f", "s16le", "-ac", "1", "-acodec", "pcm_s16le", "-ar", str(sr), "-" - ] + ]) # fmt: on try: out = run(cmd, capture_output=True, check=True).stdout diff --git a/whisper/mlx_whisper/cli.py b/whisper/mlx_whisper/cli.py new file mode 100644 index 00000000..7d08a043 --- /dev/null +++ b/whisper/mlx_whisper/cli.py @@ -0,0 +1,256 @@ +# Copyright © 2024 Apple Inc. + +import argparse +import os +import pathlib +import traceback +import warnings + +from . import audio +from .tokenizer import LANGUAGES, TO_LANGUAGE_CODE +from .transcribe import transcribe +from .writers import get_writer + + +def build_parser(): + def optional_int(string): + return None if string == "None" else int(string) + + def optional_float(string): + return None if string == "None" else float(string) + + def str2bool(string): + str2val = {"True": True, "False": False} + if string in str2val: + return str2val[string] + else: + raise ValueError(f"Expected one of {set(str2val.keys())}, got {string}") + + parser = argparse.ArgumentParser( + formatter_class=argparse.ArgumentDefaultsHelpFormatter + ) + + parser.add_argument("audio", nargs="+", help="Audio file(s) to transcribe") + + parser.add_argument( + "--model", + default="mlx-community/whisper-tiny", + type=str, + help="The model directory or hugging face repo", + ) + parser.add_argument( + "--output-name", + type=str, + default=None, + help=( + "The name of transcription/translation output files before " + "--output-format extensions" + ), + ) + parser.add_argument( + "--output-dir", + "-o", + type=str, + default=".", + help="Directory to save the outputs", + ) + parser.add_argument( + "--output-format", + "-f", + type=str, + default="txt", + choices=["txt", "vtt", "srt", "tsv", "json", "all"], + help="Format of the output file", + ) + parser.add_argument( + "--verbose", + type=str2bool, + default=True, + help="Whether to print out progress and debug messages", + ) + parser.add_argument( + "--task", + type=str, + default="transcribe", + choices=["transcribe", "translate"], + help="Perform speech recognition ('transcribe') or speech translation ('translate')", + ) + parser.add_argument( + "--language", + type=str, + default=None, + choices=sorted(LANGUAGES.keys()) + + sorted([k.title() for k in TO_LANGUAGE_CODE.keys()]), + help="Language spoken in the audio, specify None to auto-detect", + ) + parser.add_argument( + "--temperature", type=float, default=0, help="Temperature for sampling" + ) + parser.add_argument( + "--best-of", + type=optional_int, + default=5, + help="Number of candidates when sampling with non-zero temperature", + ) + parser.add_argument( + "--patience", + type=float, + default=None, + help="Optional patience value to use in beam decoding, as in https://arxiv.org/abs/2204.05424, the default (1.0) is equivalent to conventional beam search", + ) + parser.add_argument( + "--length-penalty", + type=float, + default=None, + help="Optional token length penalty coefficient (alpha) as in https://arxiv.org/abs/1609.08144, uses simple length normalization by default.", + ) + parser.add_argument( + "--suppress-tokens", + type=str, + default="-1", + help="Comma-separated list of token ids to suppress during sampling; '-1' will suppress most special characters except common punctuations", + ) + parser.add_argument( + "--initial-prompt", + type=str, + default=None, + help="Optional text to provide as a prompt for the first window.", + ) + parser.add_argument( + "--condition-on-previous-text", + type=str2bool, + default=True, + help="If True, provide the previous output of the model as a prompt for the next window; disabling may make the text inconsistent across windows, but the model becomes less prone to getting stuck in a failure loop", + ) + parser.add_argument( + "--fp16", + type=str2bool, + default=True, + help="Whether to perform inference in fp16", + ) + parser.add_argument( + "--compression-ratio-threshold", + type=optional_float, + default=2.4, + help="if the gzip compression ratio is higher than this value, treat the decoding as failed", + ) + parser.add_argument( + "--logprob-threshold", + type=optional_float, + default=-1.0, + help="If the average log probability is lower than this value, treat the decoding as failed", + ) + parser.add_argument( + "--no-speech-threshold", + type=optional_float, + default=0.6, + help="If the probability of the token is higher than this value the decoding has failed due to `logprob_threshold`, consider the segment as silence", + ) + parser.add_argument( + "--word-timestamps", + type=str2bool, + default=False, + help="Extract word-level timestamps and refine the results based on them", + ) + parser.add_argument( + "--prepend-punctuations", + type=str, + default="\"'“¿([{-", + help="If word-timestamps is True, merge these punctuation symbols with the next word", + ) + parser.add_argument( + "--append-punctuations", + type=str, + default="\"'.。,,!!??::”)]}、", + help="If word_timestamps is True, merge these punctuation symbols with the previous word", + ) + parser.add_argument( + "--highlight-words", + type=str2bool, + default=False, + help="(requires --word_timestamps True) underline each word as it is spoken in srt and vtt", + ) + parser.add_argument( + "--max-line-width", + type=int, + default=None, + help="(requires --word_timestamps True) the maximum number of characters in a line before breaking the line", + ) + parser.add_argument( + "--max-line-count", + type=int, + default=None, + help="(requires --word_timestamps True) the maximum number of lines in a segment", + ) + parser.add_argument( + "--max-words-per-line", + type=int, + default=None, + help="(requires --word_timestamps True, no effect with --max_line_width) the maximum number of words in a segment", + ) + parser.add_argument( + "--hallucination-silence-threshold", + type=optional_float, + help="(requires --word_timestamps True) skip silent periods longer than this threshold (in seconds) when a possible hallucination is detected", + ) + parser.add_argument( + "--clip-timestamps", + type=str, + default="0", + help="Comma-separated list start,end,start,end,... timestamps (in seconds) of clips to process, where the last end timestamp defaults to the end of the file", + ) + return parser + + +def main(): + parser = build_parser() + args = vars(parser.parse_args()) + if args["verbose"] is True: + print(f"Args: {args}") + + path_or_hf_repo: str = args.pop("model") + output_dir: str = args.pop("output_dir") + output_format: str = args.pop("output_format") + output_name: str = args.pop("output_name") + os.makedirs(output_dir, exist_ok=True) + + writer = get_writer(output_format, output_dir) + word_options = [ + "highlight_words", + "max_line_count", + "max_line_width", + "max_words_per_line", + ] + writer_args = {arg: args.pop(arg) for arg in word_options} + if not args["word_timestamps"]: + for k, v in writer_args.items(): + if v: + argop = k.replace("_", "-") + parser.error(f"--{argop} requires --word-timestamps True") + if writer_args["max_line_count"] and not writer_args["max_line_width"]: + warnings.warn("--max-line-count has no effect without --max-line-width") + if writer_args["max_words_per_line"] and writer_args["max_line_width"]: + warnings.warn("--max-words-per-line has no effect with --max-line-width") + + for audio_obj in args.pop("audio"): + if audio_obj == "-": + # receive the contents from stdin rather than read a file + audio_obj = audio.load_audio(from_stdin=True) + + output_name = output_name or "content" + else: + output_name = output_name or pathlib.Path(audio_obj).stem + try: + result = transcribe( + audio_obj, + path_or_hf_repo=path_or_hf_repo, + **args, + ) + writer(result, output_name, **writer_args) + except Exception as e: + traceback.print_exc() + print(f"Skipping {audio_obj} due to {type(e).__name__}: {str(e)}") + + +if __name__ == "__main__": + main() diff --git a/whisper/mlx_whisper/decoding.py b/whisper/mlx_whisper/decoding.py index 41c2ec6d..4e060cd5 100644 --- a/whisper/mlx_whisper/decoding.py +++ b/whisper/mlx_whisper/decoding.py @@ -58,11 +58,12 @@ def detect_language( logits = model.logits(x, mel)[:, 0] # collect detected languages; suppress all non-language tokens - mask = np.full(logits.shape[-1], -np.inf, dtype=np.float32) + mask = mx.full(logits.shape[-1], -mx.inf, dtype=mx.float32) mask[list(tokenizer.all_language_tokens)] = 0.0 - logits += mx.array(mask) + logits += mask language_tokens = mx.argmax(logits, axis=-1) language_token_probs = mx.softmax(logits, axis=-1) + language_token_probs = np.array(language_token_probs) language_probs = [ { c: language_token_probs[i, j].item() @@ -129,17 +130,12 @@ class DecodingResult: class Inference: - def __init__(self, model: "Whisper", initial_token_length: int): + def __init__(self, model: "Whisper"): self.model: "Whisper" = model - self.initial_token_length = initial_token_length self.kv_cache = None def logits(self, tokens: mx.array, audio_features: mx.array) -> mx.array: """Perform a forward pass on the decoder and return per-token logits""" - if tokens.shape[-1] > self.initial_token_length: - # only need to use the last token except in the first forward pass - tokens = tokens[:, -1:] - logits, self.kv_cache, _ = self.model.decoder( tokens, audio_features, kv_cache=self.kv_cache ) @@ -251,6 +247,11 @@ class TokenDecoder: raise NotImplementedError +@mx.compile +def categorical(logits, temp): + return mx.random.categorical(logits / temp) + + class GreedyDecoder(TokenDecoder): def __init__(self, temperature: float, eot: int): self.temperature = temperature @@ -262,10 +263,8 @@ class GreedyDecoder(TokenDecoder): if self.temperature == 0: next_tokens = logits.argmax(axis=-1) else: - next_tokens = mx.random.categorical(logits=logits / self.temperature) + next_tokens = categorical(logits, self.temperature) - next_tokens = mx.argmax(logits, axis=-1) - logits = logits.astype(mx.float32) logprobs = logits - mx.logsumexp(logits, axis=-1) current_logprobs = logprobs[mx.arange(logprobs.shape[0]), next_tokens] @@ -281,7 +280,7 @@ class GreedyDecoder(TokenDecoder): def finalize(self, tokens: mx.array, sum_logprobs: mx.array): # make sure each sequence has at least one EOT token at the end tokens = mx.pad(tokens, [(0, 0), (0, 0), (0, 1)], constant_values=self.eot) - return tokens, sum_logprobs.tolist() + return tokens, sum_logprobs class LogitFilter: @@ -340,10 +339,10 @@ class ApplyTimestampRules(LogitFilter): if self.tokenizer.no_timestamps is not None: mask[:, self.tokenizer.no_timestamps] = -np.inf - # timestamps have to appear in pairs, except directly before EOT; mask logits accordingly - for k in range(tokens.shape[0]): - sampled_tokens = tokens[k, self.sample_begin :] - seq = sampled_tokens.tolist() + ## timestamps have to appear in pairs, except directly before EOT; mask logits accordingly + tokens = tokens.tolist() + for k in range(len(tokens)): + seq = tokens[k][self.sample_begin :] last_was_timestamp = ( len(seq) >= 1 and seq[-1] >= self.tokenizer.timestamp_begin ) @@ -368,7 +367,7 @@ class ApplyTimestampRules(LogitFilter): last_timestamp += 1 mask[k, self.tokenizer.timestamp_begin : last_timestamp] = -np.inf - if tokens.shape[1] == self.sample_begin: + if len(tokens[0]) == self.sample_begin: # suppress generating non-timestamp tokens at the beginning mask[:, : self.tokenizer.timestamp_begin] = -np.inf @@ -380,16 +379,20 @@ class ApplyTimestampRules(LogitFilter): mask[:, last_allowed + 1 :] = -np.inf # if sum of probability over timestamps is above any other token, sample timestamp + mask = mx.array(mask) logprobs = logits - mx.logsumexp(logits, axis=-1) - for k in range(tokens.shape[0]): - timestamp_logprob = logprobs[k, self.tokenizer.timestamp_begin :].logsumexp( - axis=-1 - ) - max_text_token_logprob = logprobs[k, : self.tokenizer.timestamp_begin].max() - if timestamp_logprob > max_text_token_logprob: - mask[k, : self.tokenizer.timestamp_begin] = -np.inf - - return logits + mx.array(mask, logits.dtype) + timestamp_logprob = logprobs[:, self.tokenizer.timestamp_begin :].logsumexp( + axis=-1, keepdims=True + ) + max_text_token_logprob = logprobs[:, : self.tokenizer.timestamp_begin].max( + axis=-1, keepdims=True + ) + mask[:, : self.tokenizer.timestamp_begin] = mx.where( + timestamp_logprob > max_text_token_logprob, + -mx.inf, + mask[:, : self.tokenizer.timestamp_begin], + ) + return logits + mask class DecodingTask: @@ -424,7 +427,7 @@ class DecodingTask: self.sot_index: int = self.initial_tokens.index(tokenizer.sot) # inference: implements the forward pass through the decoder, including kv caching - self.inference = Inference(model, len(self.initial_tokens)) + self.inference = Inference(model) # sequence ranker: implements how to rank a group of sampled sequences self.sequence_ranker = MaximumLikelihoodRanker(options.length_penalty) @@ -432,9 +435,6 @@ class DecodingTask: # decoder: implements how to select the next tokens, given the autoregressive distribution if options.beam_size is not None: raise NotImplementedError("Beam search decoder is not yet implemented") - # self.decoder = BeamSearchDecoder( - # options.beam_size, tokenizer.eot, self.inference, options.patience - # ) else: self.decoder = GreedyDecoder(options.temperature, tokenizer.eot) @@ -448,6 +448,7 @@ class DecodingTask: self.logit_filters.append( SuppressTokens(self._get_suppress_tokens(), model.dims.n_vocab) ) + if not options.without_timestamps: precision = CHUNK_LENGTH / model.dims.n_audio_ctx # usually 0.02 seconds max_initial_timestamp_index = None @@ -570,48 +571,59 @@ class DecodingTask: def _main_loop(self, audio_features: mx.array, tokens: mx.array): n_batch = tokens.shape[0] - sum_logprobs: mx.array = mx.zeros(n_batch) - no_speech_probs = [np.nan] * n_batch + sum_logprobs = mx.zeros(n_batch) - try: - for i in range(self.sample_len): - logits = self.inference.logits(tokens, audio_features) + def _step(inputs, audio_features, tokens, sum_logprobs): + pre_logits = self.inference.logits(inputs, audio_features) - if ( - i == 0 and self.tokenizer.no_speech is not None - ): # save no_speech_probs - probs_at_sot = mx.softmax( - logits[:, self.sot_index].astype(mx.float32), axis=-1 - ) - no_speech_probs = probs_at_sot[:, self.tokenizer.no_speech].tolist() + # consider the logits at the last token only + logits = pre_logits[:, -1] - # now we need to consider the logits at the last token only - logits = logits[:, -1] + # apply the logit filters, e.g. for suppressing or applying penalty to + for logit_filter in self.logit_filters: + logits = logit_filter.apply(logits, tokens) - # apply the logit filters, e.g. for suppressing or applying penalty to - for logit_filter in self.logit_filters: - logits = logit_filter.apply(logits, tokens) + # expand the tokens tensor with the selected next tokens + tokens, completed, sum_logprobs = self.decoder.update( + tokens, logits, sum_logprobs + ) + return tokens, completed, sum_logprobs, pre_logits - # expand the tokens tensor with the selected next tokens - tokens, completed, sum_logprobs = self.decoder.update( - tokens, logits, sum_logprobs - ) + tokens, completed, sum_logprobs, pre_logits = _step( + tokens, audio_features, tokens, sum_logprobs + ) + if self.tokenizer.no_speech is not None: # compute no_speech_probs + probs_at_sot = mx.softmax(pre_logits[:, self.sot_index], axis=-1) + no_speech_probs = probs_at_sot[:, self.tokenizer.no_speech] + else: + no_speech_probs = mx.full(n_batch, mx.nan) + mx.async_eval(completed, tokens, sum_logprobs, no_speech_probs) - if completed or tokens.shape[-1] > self.n_ctx: - break - finally: - self.inference.reset() + for i in range(1, self.sample_len): + inputs = tokens[:, -1:] + if tokens.shape[-1] > self.n_ctx: + break + next_tokens, next_completed, next_sum_logprobs, _ = _step( + inputs, audio_features, tokens, sum_logprobs + ) + mx.async_eval(next_completed, next_tokens, next_sum_logprobs) + if completed: + break + tokens = next_tokens + completed = next_completed + sum_logprobs = next_sum_logprobs return tokens, sum_logprobs, no_speech_probs def run(self, mel: mx.array) -> List[DecodingResult]: + self.inference.reset() self.decoder.reset() tokenizer: Tokenizer = self.tokenizer n_audio: int = mel.shape[0] audio_features: mx.array = self._get_audio_features(mel) # encoder forward pass - tokens: np.array = np.array(self.initial_tokens) - tokens = np.broadcast_to(tokens, (n_audio, len(self.initial_tokens))).copy() + tokens: mx.array = mx.array(self.initial_tokens) + tokens = mx.broadcast_to(tokens, (n_audio, len(self.initial_tokens))) # detect language if requested, overwriting the language token languages, language_probs = self._detect_language(audio_features, tokens) @@ -626,7 +638,6 @@ class DecodingTask: ] # repeat tokens by the group size, for beam search or best-of-n sampling - tokens = mx.array(tokens) if self.n_group > 1: tokens = tokens[:, None, :] tokens = mx.broadcast_to( @@ -649,7 +660,13 @@ class DecodingTask: # get the final candidates for each group, and slice between the first sampled token and EOT tokens, sum_logprobs = self.decoder.finalize(tokens, sum_logprobs) - tokens = tokens[..., self.sample_begin :].tolist() + tokens = tokens[..., self.sample_begin :] + + # eval and convert to list + mx.eval(tokens, sum_logprobs, no_speech_probs) + tokens = tokens.tolist() + sum_logprobs = sum_logprobs.tolist() + no_speech_probs = no_speech_probs.tolist() tokens = [[t[: t.index(tokenizer.eot)] for t in s] for s in tokens] # select the top-ranked sample in each group diff --git a/whisper/mlx_whisper/load_models.py b/whisper/mlx_whisper/load_models.py index 6705385d..60766ab2 100644 --- a/whisper/mlx_whisper/load_models.py +++ b/whisper/mlx_whisper/load_models.py @@ -26,7 +26,10 @@ def load_model( model_args = whisper.ModelDimensions(**config) - weights = mx.load(str(model_path / "weights.npz")) + wf = model_path / "weights.safetensors" + if not wf.exists(): + wf = model_path / "weights.npz" + weights = mx.load(str(wf)) model = whisper.Whisper(model_args, dtype) diff --git a/whisper/mlx_whisper/timing.py b/whisper/mlx_whisper/timing.py index 13c36315..07b81186 100644 --- a/whisper/mlx_whisper/timing.py +++ b/whisper/mlx_whisper/timing.py @@ -134,9 +134,7 @@ def find_alignment( logits, cross_qk = model.forward_with_cross_qk(mel[None, :], tokens[None, :]) # consider only the logits associated with predicting text sampled_logits = logits[0][len(tokenizer.sot_sequence) : -2, : tokenizer.eot] - token_probs = mx.softmax(sampled_logits.astype(mx.float32), axis=-1).astype( - sampled_logits.dtype - ) + token_probs = mx.softmax(sampled_logits, precise=True, axis=-1) text_token_probs = mx.take_along_axis( token_probs, mx.array(text_tokens)[:, None], axis=1 ).squeeze(1) @@ -144,10 +142,11 @@ def find_alignment( # heads * tokens * frames weights = mx.stack( - [cross_qk[_l.item()][0, _h.item()] for _l, _h in model.alignment_heads] + [cross_qk[_l][0, _h] for _l, _h in model.alignment_heads.tolist()] ) weights = weights[:, :, : num_frames // 2] - weights = mx.softmax(weights * qk_scale, axis=-1) + weights = mx.softmax(weights * qk_scale, axis=-1, precise=True) + weights = weights.astype(mx.float32) mean = mx.mean(weights, axis=-2, keepdims=True) std = mx.var(weights, axis=-2, keepdims=True, ddof=0).sqrt() weights = (weights - mean) / std @@ -276,7 +275,7 @@ def add_word_timestamps( word=timing.word, start=round(time_offset + timing.start, 2), end=round(time_offset + timing.end, 2), - probability=timing.probability, + probability=float(timing.probability), ) ) diff --git a/whisper/mlx_whisper/transcribe.py b/whisper/mlx_whisper/transcribe.py index 786b4232..e9c2751f 100644 --- a/whisper/mlx_whisper/transcribe.py +++ b/whisper/mlx_whisper/transcribe.py @@ -195,6 +195,8 @@ def transcribe( seek_points.append(0) if len(seek_points) % 2 == 1: seek_points.append(content_frames) + else: + seek_points[-1] = min(content_frames, seek_points[-1]) seek_clips: List[Tuple[int, int]] = list(zip(seek_points[::2], seek_points[1::2])) punctuation = "\"'“¿([{-\"'.。,,!!??::”)]}、" @@ -293,6 +295,7 @@ def transcribe( decode_options["prompt"] = all_tokens[prompt_reset_since:] result: DecodingResult = decode_with_fallback(mel_segment) + tokens = np.array(result.tokens) if no_speech_threshold is not None: diff --git a/whisper/mlx_whisper/whisper.py b/whisper/mlx_whisper/whisper.py index e691792c..5c85195c 100644 --- a/whisper/mlx_whisper/whisper.py +++ b/whisper/mlx_whisper/whisper.py @@ -80,9 +80,8 @@ class MultiHeadAttention(nn.Module): qk = q @ k if mask is not None: qk = qk + mask[:n_ctx, :n_ctx] - qk = qk.astype(mx.float32) - w = mx.softmax(qk, axis=-1).astype(q.dtype) + w = mx.softmax(qk, axis=-1, precise=True) out = (w @ v).transpose(0, 2, 1, 3) out = out.reshape(n_batch, n_ctx, n_state) return out, qk diff --git a/whisper/mlx_whisper/writers.py b/whisper/mlx_whisper/writers.py new file mode 100644 index 00000000..cdb35063 --- /dev/null +++ b/whisper/mlx_whisper/writers.py @@ -0,0 +1,268 @@ +# Copyright © 2024 Apple Inc. + +import json +import pathlib +import re +from typing import Callable, List, Optional, TextIO + + +def format_timestamp( + seconds: float, always_include_hours: bool = False, decimal_marker: str = "." +): + assert seconds >= 0, "non-negative timestamp expected" + milliseconds = round(seconds * 1000.0) + + hours = milliseconds // 3_600_000 + milliseconds -= hours * 3_600_000 + + minutes = milliseconds // 60_000 + milliseconds -= minutes * 60_000 + + seconds = milliseconds // 1_000 + milliseconds -= seconds * 1_000 + + hours_marker = f"{hours:02d}:" if always_include_hours or hours > 0 else "" + return ( + f"{hours_marker}{minutes:02d}:{seconds:02d}{decimal_marker}{milliseconds:03d}" + ) + + +def get_start(segments: List[dict]) -> Optional[float]: + return next( + (w["start"] for s in segments for w in s["words"]), + segments[0]["start"] if segments else None, + ) + + +class ResultWriter: + extension: str + + def __init__(self, output_dir: str): + self.output_dir = output_dir + + def __call__( + self, result: dict, output_name: str, options: Optional[dict] = None, **kwargs + ): + output_path = (pathlib.Path(self.output_dir) / output_name).with_suffix( + f".{self.extension}" + ) + + with output_path.open("wt", encoding="utf-8") as f: + self.write_result(result, file=f, options=options, **kwargs) + + def write_result( + self, result: dict, file: TextIO, options: Optional[dict] = None, **kwargs + ): + raise NotImplementedError + + +class WriteTXT(ResultWriter): + extension: str = "txt" + + def write_result( + self, result: dict, file: TextIO, options: Optional[dict] = None, **kwargs + ): + for segment in result["segments"]: + print(segment["text"].strip(), file=file, flush=True) + + +class SubtitlesWriter(ResultWriter): + always_include_hours: bool + decimal_marker: str + + def iterate_result( + self, + result: dict, + options: Optional[dict] = None, + *, + max_line_width: Optional[int] = None, + max_line_count: Optional[int] = None, + highlight_words: bool = False, + max_words_per_line: Optional[int] = None, + ): + options = options or {} + max_line_width = max_line_width or options.get("max_line_width") + max_line_count = max_line_count or options.get("max_line_count") + highlight_words = highlight_words or options.get("highlight_words", False) + max_words_per_line = max_words_per_line or options.get("max_words_per_line") + preserve_segments = max_line_count is None or max_line_width is None + max_line_width = max_line_width or 1000 + max_words_per_line = max_words_per_line or 1000 + + def iterate_subtitles(): + line_len = 0 + line_count = 1 + # the next subtitle to yield (a list of word timings with whitespace) + subtitle: List[dict] = [] + last: float = get_start(result["segments"]) or 0.0 + for segment in result["segments"]: + chunk_index = 0 + words_count = max_words_per_line + while chunk_index < len(segment["words"]): + remaining_words = len(segment["words"]) - chunk_index + if max_words_per_line > len(segment["words"]) - chunk_index: + words_count = remaining_words + for i, original_timing in enumerate( + segment["words"][chunk_index : chunk_index + words_count] + ): + timing = original_timing.copy() + long_pause = ( + not preserve_segments and timing["start"] - last > 3.0 + ) + has_room = line_len + len(timing["word"]) <= max_line_width + seg_break = i == 0 and len(subtitle) > 0 and preserve_segments + if ( + line_len > 0 + and has_room + and not long_pause + and not seg_break + ): + # line continuation + line_len += len(timing["word"]) + else: + # new line + timing["word"] = timing["word"].strip() + if ( + len(subtitle) > 0 + and max_line_count is not None + and (long_pause or line_count >= max_line_count) + or seg_break + ): + # subtitle break + yield subtitle + subtitle = [] + line_count = 1 + elif line_len > 0: + # line break + line_count += 1 + timing["word"] = "\n" + timing["word"] + line_len = len(timing["word"].strip()) + subtitle.append(timing) + last = timing["start"] + chunk_index += max_words_per_line + if len(subtitle) > 0: + yield subtitle + + if len(result["segments"]) > 0 and "words" in result["segments"][0]: + for subtitle in iterate_subtitles(): + subtitle_start = self.format_timestamp(subtitle[0]["start"]) + subtitle_end = self.format_timestamp(subtitle[-1]["end"]) + subtitle_text = "".join([word["word"] for word in subtitle]) + if highlight_words: + last = subtitle_start + all_words = [timing["word"] for timing in subtitle] + for i, this_word in enumerate(subtitle): + start = self.format_timestamp(this_word["start"]) + end = self.format_timestamp(this_word["end"]) + if last != start: + yield last, start, subtitle_text + + yield start, end, "".join( + [ + ( + re.sub(r"^(\s*)(.*)$", r"\1\2", word) + if j == i + else word + ) + for j, word in enumerate(all_words) + ] + ) + last = end + else: + yield subtitle_start, subtitle_end, subtitle_text + else: + for segment in result["segments"]: + segment_start = self.format_timestamp(segment["start"]) + segment_end = self.format_timestamp(segment["end"]) + segment_text = segment["text"].strip().replace("-->", "->") + yield segment_start, segment_end, segment_text + + def format_timestamp(self, seconds: float): + return format_timestamp( + seconds=seconds, + always_include_hours=self.always_include_hours, + decimal_marker=self.decimal_marker, + ) + + +class WriteVTT(SubtitlesWriter): + extension: str = "vtt" + always_include_hours: bool = False + decimal_marker: str = "." + + def write_result( + self, result: dict, file: TextIO, options: Optional[dict] = None, **kwargs + ): + print("WEBVTT\n", file=file) + for start, end, text in self.iterate_result(result, options, **kwargs): + print(f"{start} --> {end}\n{text}\n", file=file, flush=True) + + +class WriteSRT(SubtitlesWriter): + extension: str = "srt" + always_include_hours: bool = True + decimal_marker: str = "," + + def write_result( + self, result: dict, file: TextIO, options: Optional[dict] = None, **kwargs + ): + for i, (start, end, text) in enumerate( + self.iterate_result(result, options, **kwargs), start=1 + ): + print(f"{i}\n{start} --> {end}\n{text}\n", file=file, flush=True) + + +class WriteTSV(ResultWriter): + """ + Write a transcript to a file in TSV (tab-separated values) format containing lines like: + \t\t + + Using integer milliseconds as start and end times means there's no chance of interference from + an environment setting a language encoding that causes the decimal in a floating point number + to appear as a comma; also is faster and more efficient to parse & store, e.g., in C++. + """ + + extension: str = "tsv" + + def write_result( + self, result: dict, file: TextIO, options: Optional[dict] = None, **kwargs + ): + print("start", "end", "text", sep="\t", file=file) + for segment in result["segments"]: + print(round(1000 * segment["start"]), file=file, end="\t") + print(round(1000 * segment["end"]), file=file, end="\t") + print(segment["text"].strip().replace("\t", " "), file=file, flush=True) + + +class WriteJSON(ResultWriter): + extension: str = "json" + + def write_result( + self, result: dict, file: TextIO, options: Optional[dict] = None, **kwargs + ): + json.dump(result, file, ensure_ascii=False) + + +def get_writer( + output_format: str, output_dir: str +) -> Callable[[dict, TextIO, dict], None]: + writers = { + "txt": WriteTXT, + "vtt": WriteVTT, + "srt": WriteSRT, + "tsv": WriteTSV, + "json": WriteJSON, + } + + if output_format == "all": + all_writers = [writer(output_dir) for writer in writers.values()] + + def write_all( + result: dict, file: TextIO, options: Optional[dict] = None, **kwargs + ): + for writer in all_writers: + writer(result, file, options, **kwargs) + + return write_all + + return writers[output_format](output_dir) diff --git a/whisper/setup.py b/whisper/setup.py index c400a547..0cabd64b 100644 --- a/whisper/setup.py +++ b/whisper/setup.py @@ -12,7 +12,7 @@ with open(package_dir / "requirements.txt") as fid: sys.path.append(str(package_dir)) -from version import __version__ +from _version import __version__ setup( name="mlx-whisper", @@ -29,4 +29,9 @@ setup( packages=find_namespace_packages(), include_package_data=True, python_requires=">=3.8", + entry_points={ + "console_scripts": [ + "mlx_whisper = mlx_whisper.cli:main", + ] + }, ) diff --git a/whisper/test.py b/whisper/test.py index ce559251..f0acb3cd 100644 --- a/whisper/test.py +++ b/whisper/test.py @@ -13,7 +13,7 @@ import mlx_whisper.decoding as decoding import mlx_whisper.load_models as load_models import numpy as np import torch -from convert import load_torch_model, quantize, torch_to_mlx +from convert import convert, load_torch_model, quantize from mlx.utils import tree_flatten MODEL_NAME = "tiny" @@ -41,12 +41,12 @@ def _save_model(save_dir, weights, config): def load_torch_and_mlx(): torch_model = load_torch_model(MODEL_NAME) - fp32_model = torch_to_mlx(torch_model, dtype=mx.float32) + fp32_model = convert(MODEL_NAME, dtype=mx.float32) config = asdict(fp32_model.dims) weights = dict(tree_flatten(fp32_model.parameters())) _save_model(MLX_FP32_MODEL_PATH, weights, config) - fp16_model = torch_to_mlx(torch_model, dtype=mx.float16) + fp16_model = convert(MODEL_NAME, dtype=mx.float16) config = asdict(fp16_model.dims) weights = dict(tree_flatten(fp16_model.parameters())) _save_model(MLX_FP16_MODEL_PATH, weights, config) diff --git a/wwdc25/Explore_language_models_on_Apple_silicon_with_MLX.ipynb b/wwdc25/Explore_language_models_on_Apple_silicon_with_MLX.ipynb new file mode 100644 index 00000000..871de0d0 --- /dev/null +++ b/wwdc25/Explore_language_models_on_Apple_silicon_with_MLX.ipynb @@ -0,0 +1,822 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "74bc2ccb", + "metadata": {}, + "source": [ + "# Explore large language models on Apple silicon with MLX" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "a9f4b67f", + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "os.environ[\"TOKENIZERS_PARALLELISM\"]=\"false\"" + ] + }, + { + "cell_type": "markdown", + "id": "d23eda5f", + "metadata": {}, + "source": [ + "### Demo 1: Running DeepSeek AI’s latest model with 670 billion parameters.\n", + "* Note 1: This example requires Mac Studio M3 Ultra with 512 GB of unified memory.\n", + "* Note 2: Copy paste the line below and run it in the terminal, since Jupyter Notebook output doesn't allow turn-by-turn chat iteraction" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "5a45bf5a", + "metadata": {}, + "outputs": [], + "source": [ + "# Run this command in the terminal to chat with `DeepSeek-V3-0324-4bit`\n", + "#mlx_lm.chat --model mlx-community/DeepSeek-V3-0324-4bit" + ] + }, + { + "cell_type": "markdown", + "id": "292a968d", + "metadata": {}, + "source": [ + "### Using the `mlx_lm.generate` command" + ] + }, + { + "cell_type": "markdown", + "id": "38f6b4a1", + "metadata": {}, + "source": [ + "Easiest way to generate text with LLMs is to use the `mlx_lm.generate` command" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "51bd2ed4", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Fetching 7 files: 100%|███████████████████████| 7/7 [00:00<00:00, 120328.39it/s]\n", + "==========\n", + "Here's a simple implementation of the QuickSort algorithm in Swift. This version uses Swift's built-in `swapAt()` function to swap elements in an array.\n", + "\n", + "```swift\n", + "func quickSort(_ array: inout [Int], _ low: Int, _ high: Int) {\n", + " if low < high {\n", + " let pivotIndex = partition(array, low, high)\n", + " quickSort(&array, low, pivot\n", + "==========\n", + "Prompt: 12 tokens, 78.111 tokens-per-sec\n", + "Generation: 100 tokens, 32.263 tokens-per-sec\n", + "Peak memory: 4.138 GB\n" + ] + } + ], + "source": [ + "!mlx_lm.generate --model \"mlx-community/Mistral-7B-Instruct-v0.3-4bit\" \\\n", + " --prompt \"Write a quick sort in Swift\"" + ] + }, + { + "cell_type": "markdown", + "id": "1fa6be17", + "metadata": {}, + "source": [ + "You can tweak the behavior of the model by adding flags for things like sampling temperature, top-p, or max tokens; just like with any standard text generation setup." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "f7add212", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Fetching 7 files: 100%|███████████████████████| 7/7 [00:00<00:00, 100205.22it/s]\n", + "==========\n", + "Here's a simple implementation of the QuickSort algorithm in Swift. This version uses Swift's built-in `swapAt()` function to swap elements in an array.\n", + "\n", + "```swift\n", + "func quickSort(_ array: inout [Int], _ low: Int, _ high: Int) {\n", + " if low < high {\n", + " let pivotIndex = partition(array, low, high)\n", + " quickSort(&array, low, pivotIndex - 1)\n", + " quickSort(&array, pivotIndex + 1, high)\n", + " }\n", + "}\n", + "\n", + "func partition(_ array: inout [Int], _ low: Int, _ high: Int) -> Int {\n", + " let pivot = array[high]\n", + " var i = low\n", + " for j in low.. Int {\n", + " let pivot = array[high]\n", + " var i = low\n", + " for j in low.. Int {\n", + " let pivot = array[high]\n", + " var i = low\n", + " for j in low.." + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import matplotlib.pyplot as plt\n", + "\n", + "def plot_waves(x, fn1, fn2, fn3, labels):\n", + "\n", + " # Generate y values for sin(x) and dfdx(sin(x))\n", + " y_1 = fn1(x)\n", + " y_2 = fn2(x)\n", + " y_3 = fn3(x)\n", + "\n", + " # Create the plot\n", + " plt.figure(figsize=(10, 6))\n", + " # Note: x is already in degrees here for plotting\n", + " plt.plot(x, y_1, label=labels[0], marker='o', linestyle='-', markersize=5, markevery=20)\n", + " plt.plot(x, y_2, label=labels[1], marker='x', linestyle='--', markersize=5, markevery=20)\n", + " plt.plot(x, y_3, label=labels[2], marker='*', linestyle='-.', markersize=5, markevery=20)\n", + "\n", + " # Add labels\n", + " plt.xlabel('X-axis (Degrees)') # Changed label here\n", + " plt.ylabel('Y-axis')\n", + "\n", + " plt.legend()\n", + " plt.grid(True)\n", + " plt.show()\n", + "\n", + "\n", + "x = mx.linspace(0, 2 * mx.pi, 400)\n", + "\n", + "cos = mx.vmap(dfdx)\n", + "negative_sin = mx.vmap(d2fdx2)\n", + "\n", + "plot_waves(x, sin, cos, negative_sin, [\"sin(x)\",\"dfdx(sin(x))\", \"d2fdx2(sin(x))\"])" + ] + }, + { + "cell_type": "markdown", + "id": "bbc810b7", + "metadata": {}, + "source": [ + "### Neural Networks in MLX and Pytorch" + ] + }, + { + "cell_type": "markdown", + "id": "be4d8dd4", + "metadata": {}, + "source": [ + "MLX Neural Network" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "fd53cc03", + "metadata": {}, + "outputs": [], + "source": [ + "import mlx.core as mx\n", + "import mlx.nn as nn\n", + "import mlx.optimizers as optim\n", + "\n", + "class MLP(nn.Module):\n", + " \"\"\"A simple MLP.\"\"\"\n", + "\n", + " def __init__(self, dim, h_dim):\n", + " super().__init__()\n", + " self.linear1 = nn.Linear(dim, h_dim)\n", + " self.linear2 = nn.Linear(h_dim, dim)\n", + "\n", + " def __call__(self, x):\n", + " x = self.linear1(x)\n", + " x = nn.relu(x)\n", + " x = self.linear2(x)\n", + " return x" + ] + }, + { + "cell_type": "markdown", + "id": "ace491fb", + "metadata": {}, + "source": [ + "MLX Training loop" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "80f3d568", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Final Loss after 5 steps: 1.0052\n" + ] + } + ], + "source": [ + "n_epochs = 5\n", + "input_dim, hidden_dim, num_samples = 10, 50, 1000\n", + "\n", + "model = MLP(input_dim, hidden_dim)\n", + "\n", + "def loss_fn(model, X, y):\n", + " return nn.losses.mse_loss(model(X), y)\n", + "\n", + "loss_and_grad_fn = nn.value_and_grad(model, loss_fn)\n", + "optimizer = optim.Adam(learning_rate=0.01)\n", + "\n", + "X_train = mx.random.normal([num_samples, input_dim])\n", + "y_train = mx.random.normal([num_samples, input_dim])\n", + "\n", + "for epoch in range(n_epochs):\n", + " loss, grads = loss_and_grad_fn(model, X_train, y_train)\n", + " model.update(optimizer.apply_gradients(grads, model))\n", + " mx.eval(model.parameters(), optimizer.state) \n", + "\n", + "print(f\"Final Loss after 5 steps: {loss.item():.4f}\")" + ] + }, + { + "cell_type": "markdown", + "id": "5fa466a7", + "metadata": {}, + "source": [ + "PyTorch Neural Network" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "1c39f647", + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "import torch.nn as nn\n", + "import torch.optim as optim\n", + "\n", + "class MLP(nn.Module):\n", + " \"\"\"A simple MLP.\"\"\"\n", + "\n", + " def __init__(self, dim, h_dim):\n", + " super().__init__()\n", + " self.linear1 = nn.Linear(dim, h_dim)\n", + " self.linear2 = nn.Linear(h_dim, dim)\n", + "\n", + " def forward(self, x):\n", + " x = self.linear1(x)\n", + " x = x.relu()\n", + " x = self.linear2(x)\n", + " return x" + ] + }, + { + "cell_type": "markdown", + "id": "1e568017", + "metadata": {}, + "source": [ + "PyTorch Training loop" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "0d1b3dc5", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Final Loss after 5 steps: 1.0028\n" + ] + } + ], + "source": [ + "n_epochs = 5\n", + "input_dim, hidden_dim, num_samples = 10, 50, 1000\n", + "model = MLP(input_dim, hidden_dim)\n", + "criterion = nn.MSELoss()\n", + "optimizer = optim.Adam(model.parameters(), lr=0.01)\n", + "\n", + "X_train = torch.randn([num_samples, input_dim])\n", + "y_train = torch.randn([num_samples, input_dim])\n", + "\n", + "for epoch in range(n_epochs):\n", + " outputs = model(X_train)\n", + " loss = criterion(outputs, y_train)\n", + " optimizer.zero_grad()\n", + " loss.backward()\n", + " optimizer.step()\n", + "\n", + "print(f\"Final Loss after 5 steps: {loss.item():.4f}\")" + ] + }, + { + "cell_type": "markdown", + "id": "b9ace438", + "metadata": {}, + "source": [ + "### Compiling MLX functions" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "e1a6d2f6", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "gelu: array([-0.169571, -0.0094711, 0.120888, -0.122945], dtype=float32)\n", + "compiled gelu: array([-0.169571, -0.0094711, 0.120888, -0.122945], dtype=float32)\n" + ] + } + ], + "source": [ + "import mlx.core as mx\n", + "import math\n", + "\n", + "def gelu(x):\n", + " return x * (1 + mx.erf(x / math.sqrt(2))) / 2\n", + "\n", + "@mx.compile\n", + "def compiled_gelu(x):\n", + " return x * (1 + mx.erf(x / math.sqrt(2))) / 2\n", + "\n", + "x = mx.random.normal(shape=(4,))\n", + "\n", + "out = gelu(x)\n", + "compiled_out = compiled_gelu(x)\n", + "print(f\"gelu: {out}\")\n", + "print(f\"compiled gelu: {compiled_out}\")" + ] + }, + { + "cell_type": "markdown", + "id": "3ead2025", + "metadata": {}, + "source": [ + "### MLX Fast package" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "efe967cf", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "RMS norm: array([-1.47364, 0.545241, -0.767421, 0.140266], dtype=float32)\n", + "Fast RMS norm: array([-1.47364, 0.545241, -0.767421, 0.140266], dtype=float32)\n" + ] + } + ], + "source": [ + "import mlx.core as mx\n", + "\n", + "def rms_norm(x, weight, eps=1e-5):\n", + " y = x.astype(mx.float32)\n", + " y = y * mx.rsqrt(mx.mean(\n", + " mx.square(y),\n", + " axis=-1,\n", + " keepdims=True,\n", + " ) + eps)\n", + " return (weight * y).astype(x.dtype)\n", + "\n", + "feature_dim = 4\n", + "\n", + "x = mx.random.normal((feature_dim,))\n", + "weight = mx.random.normal((feature_dim,))\n", + "\n", + "y = rms_norm(x, weight, eps=1e-5)\n", + "y_fast = mx.fast.rms_norm(x, weight, eps=1e-5)\n", + "\n", + "print(f\"RMS norm: {y}\")\n", + "print(f\"Fast RMS norm: {y_fast}\")" + ] + }, + { + "cell_type": "markdown", + "id": "5c8d147a", + "metadata": {}, + "source": [ + "### Custom Metal kernels" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "9529b127", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "array([2.71828, 7.38906, 20.0855], dtype=float32)\n" + ] + } + ], + "source": [ + "import mlx.core as mx\n", + "\n", + "# Build the kernel\n", + "source = \"\"\"\n", + " uint elem = thread_position_in_grid.x;\n", + " out[elem] = metal::exp(inp[elem]);\n", + "\"\"\"\n", + "kernel = mx.fast.metal_kernel(\n", + " name=\"myexp\",\n", + " input_names=[\"inp\"],\n", + " output_names=[\"out\"],\n", + " source=source,\n", + ")\n", + "\n", + "# Call the kernel on a sample input\n", + "x = mx.array([1.0, 2.0, 3.0])\n", + "out = kernel(\n", + " inputs=[x],\n", + " grid=(x.size, 1, 1),\n", + " threadgroup=(256, 1, 1),\n", + " output_shapes=[x.shape],\n", + " output_dtypes=[x.dtype],\n", + ")[0]\n", + "print(out)" + ] + }, + { + "cell_type": "markdown", + "id": "93d536ac", + "metadata": {}, + "source": [ + "### Quantization" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "f04fe5fc", + "metadata": {}, + "outputs": [], + "source": [ + "import mlx.core as mx\n", + "\n", + "x = mx.random.normal([1024])\n", + "weight = mx.random.normal([1024, 1024])\n", + "\n", + "quantized_weight, scales, biases = mx.quantize(\n", + " weight, bits=4, group_size=32,\n", + ")\n", + "\n", + "y = mx.quantized_matmul(\n", + " x,\n", + " quantized_weight,\n", + " scales=scales,\n", + " biases=biases,\n", + " bits=4,\n", + " group_size=32,\n", + ")\n", + "\n", + "w_orig = mx.dequantize(\n", + " quantized_weight,\n", + " scales=scales,\n", + " biases=biases,\n", + " bits=4,\n", + " group_size=32,\n", + ")\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "096d593a", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Sequential(\n", + " (layers.0): Embedding(100, 32)\n", + " (layers.1): Linear(input_dims=32, output_dims=32, bias=True)\n", + " (layers.2): Linear(input_dims=32, output_dims=32, bias=True)\n", + " (layers.3): Linear(input_dims=32, output_dims=1, bias=True)\n", + ")\n", + "Sequential(\n", + " (layers.0): QuantizedEmbedding(100, 32, group_size=32, bits=4)\n", + " (layers.1): QuantizedLinear(input_dims=32, output_dims=32, bias=True, group_size=32, bits=4)\n", + " (layers.2): QuantizedLinear(input_dims=32, output_dims=32, bias=True, group_size=32, bits=4)\n", + " (layers.3): QuantizedLinear(input_dims=32, output_dims=1, bias=True, group_size=32, bits=4)\n", + ")\n" + ] + } + ], + "source": [ + "import mlx.nn as nn\n", + "\n", + "model = nn.Sequential(\n", + " nn.Embedding(100, 32),\n", + " nn.Linear(32, 32),\n", + " nn.Linear(32, 32),\n", + " nn.Linear(32, 1),\n", + ")\n", + "\n", + "print(model)\n", + "\n", + "nn.quantize(\n", + " model,\n", + " bits=4,\n", + " group_size=32,\n", + ")\n", + "\n", + "print(model)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "id": "3b92700c", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "array([1], dtype=float32)\n" + ] + } + ], + "source": [ + "import mlx.core as mx\n", + "\n", + "group = mx.distributed.init()\n", + "\n", + "world_size = group.size()\n", + "rank = group.rank()\n", + "\n", + "x = mx.array([1.0])\n", + "\n", + "x_sum = mx.distributed.all_sum(x)\n", + "\n", + "print(x_sum)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "mlx", + "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.12.9" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/wwdc25/README.md b/wwdc25/README.md new file mode 100644 index 00000000..fa769756 --- /dev/null +++ b/wwdc25/README.md @@ -0,0 +1,57 @@ +# 🧑‍💻 WWDC25 MLX Examples + +This directory includes Jupyter notebooks and Xcode project with code covered in WWDC25 MLX sessions: + +| [![](https://img.youtube.com/vi/UbzOBg8fsxo/maxresdefault.jpg)](https://www.youtube.com/watch?v=UbzOBg8fsxo) | [![](https://img.youtube.com/vi/tn2Hvw7eCsw/maxresdefault.jpg)](https://www.youtube.com/watch?v=tn2Hvw7eCsw) | +| :------------------------- | :-------------------------- | + +## 🚀 Quick Start + +1. **Download the examples** + + Clone this repository and navigate to the `wwdc25` directory + +2. **Install Python dependencies** + + If you're using `venv` + + ```bash + # create a virtual environment named 'mlx' + python3 -m venv mlx + + # activate it + source mlx/bin/activate + + # install required packages + pip install -r requirements.txt + ``` + If you're using `conda` + + ```bash + conda create -n mlx python=3.12 -y + + # activate it + conda activate mlx + + # install required packages + pip install -r requirements.txt + ``` + + +3. **Launch Jupyter Lab** + + ```bash + jupyter lab + ``` + + Your default browser should open at `http://localhost:8888/lab`. + +4. **Open the following Jupyter notebooks and run** +* [Jupyter notebook for Get started with MLX for Apple silicon](./Get_started_with_MLX_for_Apple_silicon.ipynb) +* [Jupyter notebook for Explore large language models on Apple silicon with MLX](./Explore_language_models_on_Apple_silicon_with_MLX.ipynb) + +5. **Open Xcode project and run** +* [WWDC25 MLX Swift Examples](./WWDC25MLXSwiftExamples) + +--- + diff --git a/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.pbxproj b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.pbxproj new file mode 100644 index 00000000..73150ec2 --- /dev/null +++ b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.pbxproj @@ -0,0 +1,385 @@ +// !$*UTF8*$! +{ + archiveVersion = 1; + classes = { + }; + objectVersion = 77; + objects = { + +/* Begin PBXBuildFile section */ + E51DFC5C2DF3729C00042DAC /* MLX in Frameworks */ = {isa = PBXBuildFile; productRef = E51DFC5B2DF3729C00042DAC /* MLX */; }; + E51DFC5E2DF3729C00042DAC /* MLXFFT in Frameworks */ = {isa = PBXBuildFile; productRef = E51DFC5D2DF3729C00042DAC /* MLXFFT */; }; + E51DFC602DF3729C00042DAC /* MLXFast in Frameworks */ = {isa = PBXBuildFile; productRef = E51DFC5F2DF3729C00042DAC /* MLXFast */; }; + E51DFC622DF3729C00042DAC /* MLXLinalg in Frameworks */ = {isa = PBXBuildFile; productRef = E51DFC612DF3729C00042DAC /* MLXLinalg */; }; + E51DFC642DF3729C00042DAC /* MLXNN in Frameworks */ = {isa = PBXBuildFile; productRef = E51DFC632DF3729C00042DAC /* MLXNN */; }; + E51DFC672DF372CA00042DAC /* MLXLLM in Frameworks */ = {isa = PBXBuildFile; productRef = E51DFC662DF372CA00042DAC /* MLXLLM */; }; + E51DFC692DF372CA00042DAC /* MLXLMCommon in Frameworks */ = {isa = PBXBuildFile; productRef = E51DFC682DF372CA00042DAC /* MLXLMCommon */; }; +/* End PBXBuildFile section */ + +/* Begin PBXCopyFilesBuildPhase section */ + E5158B942DF0BD71000A6E7E /* CopyFiles */ = { + isa = PBXCopyFilesBuildPhase; + buildActionMask = 2147483647; + dstPath = /usr/share/man/man1/; + dstSubfolderSpec = 0; + files = ( + ); + runOnlyForDeploymentPostprocessing = 1; + }; +/* End PBXCopyFilesBuildPhase section */ + +/* Begin PBXFileReference section */ + E5158B962DF0BD71000A6E7E /* WWDC25MLXSwiftExamples */ = {isa = PBXFileReference; explicitFileType = "compiled.mach-o.executable"; includeInIndex = 0; path = WWDC25MLXSwiftExamples; sourceTree = BUILT_PRODUCTS_DIR; }; +/* End PBXFileReference section */ + +/* Begin PBXFileSystemSynchronizedRootGroup section */ + E5158B982DF0BD71000A6E7E /* WWDC25MLXSwiftExamples */ = { + isa = PBXFileSystemSynchronizedRootGroup; + path = WWDC25MLXSwiftExamples; + sourceTree = ""; + }; +/* End PBXFileSystemSynchronizedRootGroup section */ + +/* Begin PBXFrameworksBuildPhase section */ + E5158B932DF0BD71000A6E7E /* Frameworks */ = { + isa = PBXFrameworksBuildPhase; + buildActionMask = 2147483647; + files = ( + E51DFC672DF372CA00042DAC /* MLXLLM in Frameworks */, + E51DFC642DF3729C00042DAC /* MLXNN in Frameworks */, + E51DFC622DF3729C00042DAC /* MLXLinalg in Frameworks */, + E51DFC5C2DF3729C00042DAC /* MLX in Frameworks */, + E51DFC602DF3729C00042DAC /* MLXFast in Frameworks */, + E51DFC5E2DF3729C00042DAC /* MLXFFT in Frameworks */, + E51DFC692DF372CA00042DAC /* MLXLMCommon in Frameworks */, + ); + runOnlyForDeploymentPostprocessing = 0; + }; +/* End PBXFrameworksBuildPhase section */ + +/* Begin PBXGroup section */ + E5158B8D2DF0BD71000A6E7E = { + isa = PBXGroup; + children = ( + E5158B982DF0BD71000A6E7E /* WWDC25MLXSwiftExamples */, + E5158B972DF0BD71000A6E7E /* Products */, + ); + sourceTree = ""; + }; + E5158B972DF0BD71000A6E7E /* Products */ = { + isa = PBXGroup; + children = ( + E5158B962DF0BD71000A6E7E /* WWDC25MLXSwiftExamples */, + ); + name = Products; + sourceTree = ""; + }; +/* End PBXGroup section */ + +/* Begin PBXNativeTarget section */ + E5158B952DF0BD71000A6E7E /* WWDC25MLXSwiftExamples */ = { + isa = PBXNativeTarget; + buildConfigurationList = E5158B9D2DF0BD71000A6E7E /* Build configuration list for PBXNativeTarget "WWDC25MLXSwiftExamples" */; + buildPhases = ( + E5158B922DF0BD71000A6E7E /* Sources */, + E5158B932DF0BD71000A6E7E /* Frameworks */, + E5158B942DF0BD71000A6E7E /* CopyFiles */, + ); + buildRules = ( + ); + dependencies = ( + ); + fileSystemSynchronizedGroups = ( + E5158B982DF0BD71000A6E7E /* WWDC25MLXSwiftExamples */, + ); + name = WWDC25MLXSwiftExamples; + packageProductDependencies = ( + E51DFC5B2DF3729C00042DAC /* MLX */, + E51DFC5D2DF3729C00042DAC /* MLXFFT */, + E51DFC5F2DF3729C00042DAC /* MLXFast */, + E51DFC612DF3729C00042DAC /* MLXLinalg */, + E51DFC632DF3729C00042DAC /* MLXNN */, + E51DFC662DF372CA00042DAC /* MLXLLM */, + E51DFC682DF372CA00042DAC /* MLXLMCommon */, + ); + productName = WWDC25MLXSwiftExamples; + productReference = E5158B962DF0BD71000A6E7E /* WWDC25MLXSwiftExamples */; + productType = "com.apple.product-type.tool"; + }; +/* End PBXNativeTarget section */ + +/* Begin PBXProject section */ + E5158B8E2DF0BD71000A6E7E /* Project object */ = { + isa = PBXProject; + attributes = { + BuildIndependentTargetsInParallel = 1; + LastSwiftUpdateCheck = 1620; + LastUpgradeCheck = 1620; + TargetAttributes = { + E5158B952DF0BD71000A6E7E = { + CreatedOnToolsVersion = 16.2; + LastSwiftMigration = 1620; + }; + }; + }; + buildConfigurationList = E5158B912DF0BD71000A6E7E /* Build configuration list for PBXProject "WWDC25MLXSwiftExamples" */; + developmentRegion = en; + hasScannedForEncodings = 0; + knownRegions = ( + en, + Base, + ); + mainGroup = E5158B8D2DF0BD71000A6E7E; + minimizedProjectReferenceProxies = 1; + packageReferences = ( + E51DFC5A2DF3729C00042DAC /* XCRemoteSwiftPackageReference "mlx-swift" */, + E51DFC652DF372CA00042DAC /* XCRemoteSwiftPackageReference "mlx-swift-examples" */, + ); + preferredProjectObjectVersion = 77; + productRefGroup = E5158B972DF0BD71000A6E7E /* Products */; + projectDirPath = ""; + projectRoot = ""; + targets = ( + E5158B952DF0BD71000A6E7E /* WWDC25MLXSwiftExamples */, + ); + }; +/* End PBXProject section */ + +/* Begin PBXSourcesBuildPhase section */ + E5158B922DF0BD71000A6E7E /* Sources */ = { + isa = PBXSourcesBuildPhase; + buildActionMask = 2147483647; + files = ( + ); + runOnlyForDeploymentPostprocessing = 0; + }; +/* End PBXSourcesBuildPhase section */ + +/* Begin XCBuildConfiguration section */ + E5158B9B2DF0BD71000A6E7E /* Debug */ = { + isa = XCBuildConfiguration; + buildSettings = { + ALWAYS_SEARCH_USER_PATHS = NO; + ASSETCATALOG_COMPILER_GENERATE_SWIFT_ASSET_SYMBOL_EXTENSIONS = YES; + CLANG_ANALYZER_NONNULL = YES; + CLANG_ANALYZER_NUMBER_OBJECT_CONVERSION = YES_AGGRESSIVE; + CLANG_CXX_LANGUAGE_STANDARD = "gnu++20"; + CLANG_ENABLE_MODULES = YES; + CLANG_ENABLE_OBJC_ARC = YES; + CLANG_ENABLE_OBJC_WEAK = YES; + CLANG_WARN_BLOCK_CAPTURE_AUTORELEASING = YES; + CLANG_WARN_BOOL_CONVERSION = YES; + CLANG_WARN_COMMA = YES; + CLANG_WARN_CONSTANT_CONVERSION = YES; + CLANG_WARN_DEPRECATED_OBJC_IMPLEMENTATIONS = YES; + CLANG_WARN_DIRECT_OBJC_ISA_USAGE = YES_ERROR; + CLANG_WARN_DOCUMENTATION_COMMENTS = YES; + CLANG_WARN_EMPTY_BODY = YES; + CLANG_WARN_ENUM_CONVERSION = YES; + CLANG_WARN_INFINITE_RECURSION = YES; + CLANG_WARN_INT_CONVERSION = YES; + CLANG_WARN_NON_LITERAL_NULL_CONVERSION = YES; + CLANG_WARN_OBJC_IMPLICIT_RETAIN_SELF = YES; + CLANG_WARN_OBJC_LITERAL_CONVERSION = YES; + CLANG_WARN_OBJC_ROOT_CLASS = YES_ERROR; + CLANG_WARN_QUOTED_INCLUDE_IN_FRAMEWORK_HEADER = YES; + CLANG_WARN_RANGE_LOOP_ANALYSIS = YES; + CLANG_WARN_STRICT_PROTOTYPES = YES; + CLANG_WARN_SUSPICIOUS_MOVE = YES; + CLANG_WARN_UNGUARDED_AVAILABILITY = YES_AGGRESSIVE; + CLANG_WARN_UNREACHABLE_CODE = YES; + CLANG_WARN__DUPLICATE_METHOD_MATCH = YES; + COPY_PHASE_STRIP = NO; + DEBUG_INFORMATION_FORMAT = dwarf; + ENABLE_STRICT_OBJC_MSGSEND = YES; + ENABLE_TESTABILITY = YES; + ENABLE_USER_SCRIPT_SANDBOXING = YES; + GCC_C_LANGUAGE_STANDARD = gnu17; + GCC_DYNAMIC_NO_PIC = NO; + GCC_NO_COMMON_BLOCKS = YES; + GCC_OPTIMIZATION_LEVEL = 0; + GCC_PREPROCESSOR_DEFINITIONS = ( + "DEBUG=1", + "$(inherited)", + ); + GCC_WARN_64_TO_32_BIT_CONVERSION = YES; + GCC_WARN_ABOUT_RETURN_TYPE = YES_ERROR; + GCC_WARN_UNDECLARED_SELECTOR = YES; + GCC_WARN_UNINITIALIZED_AUTOS = YES_AGGRESSIVE; + GCC_WARN_UNUSED_FUNCTION = YES; + GCC_WARN_UNUSED_VARIABLE = YES; + LOCALIZATION_PREFERS_STRING_CATALOGS = YES; + MACOSX_DEPLOYMENT_TARGET = 15.2; + MTL_COMPILER_FLAGS = "-w"; + MTL_ENABLE_DEBUG_INFO = INCLUDE_SOURCE; + MTL_FAST_MATH = YES; + ONLY_ACTIVE_ARCH = YES; + SDKROOT = macosx; + SWIFT_ACTIVE_COMPILATION_CONDITIONS = "DEBUG $(inherited)"; + SWIFT_OPTIMIZATION_LEVEL = "-Onone"; + }; + name = Debug; + }; + E5158B9C2DF0BD71000A6E7E /* Release */ = { + isa = XCBuildConfiguration; + buildSettings = { + ALWAYS_SEARCH_USER_PATHS = NO; + ASSETCATALOG_COMPILER_GENERATE_SWIFT_ASSET_SYMBOL_EXTENSIONS = YES; + CLANG_ANALYZER_NONNULL = YES; + CLANG_ANALYZER_NUMBER_OBJECT_CONVERSION = YES_AGGRESSIVE; + CLANG_CXX_LANGUAGE_STANDARD = "gnu++20"; + CLANG_ENABLE_MODULES = YES; + CLANG_ENABLE_OBJC_ARC = YES; + CLANG_ENABLE_OBJC_WEAK = YES; + CLANG_WARN_BLOCK_CAPTURE_AUTORELEASING = YES; + CLANG_WARN_BOOL_CONVERSION = YES; + CLANG_WARN_COMMA = YES; + CLANG_WARN_CONSTANT_CONVERSION = YES; + CLANG_WARN_DEPRECATED_OBJC_IMPLEMENTATIONS = YES; + CLANG_WARN_DIRECT_OBJC_ISA_USAGE = YES_ERROR; + CLANG_WARN_DOCUMENTATION_COMMENTS = YES; + CLANG_WARN_EMPTY_BODY = YES; + CLANG_WARN_ENUM_CONVERSION = YES; + CLANG_WARN_INFINITE_RECURSION = YES; + CLANG_WARN_INT_CONVERSION = YES; + CLANG_WARN_NON_LITERAL_NULL_CONVERSION = YES; + CLANG_WARN_OBJC_IMPLICIT_RETAIN_SELF = YES; + CLANG_WARN_OBJC_LITERAL_CONVERSION = YES; + CLANG_WARN_OBJC_ROOT_CLASS = YES_ERROR; + CLANG_WARN_QUOTED_INCLUDE_IN_FRAMEWORK_HEADER = YES; + CLANG_WARN_RANGE_LOOP_ANALYSIS = YES; + CLANG_WARN_STRICT_PROTOTYPES = YES; + CLANG_WARN_SUSPICIOUS_MOVE = YES; + CLANG_WARN_UNGUARDED_AVAILABILITY = YES_AGGRESSIVE; + CLANG_WARN_UNREACHABLE_CODE = YES; + CLANG_WARN__DUPLICATE_METHOD_MATCH = YES; + COPY_PHASE_STRIP = NO; + DEBUG_INFORMATION_FORMAT = "dwarf-with-dsym"; + ENABLE_NS_ASSERTIONS = NO; + ENABLE_STRICT_OBJC_MSGSEND = YES; + ENABLE_USER_SCRIPT_SANDBOXING = YES; + GCC_C_LANGUAGE_STANDARD = gnu17; + GCC_NO_COMMON_BLOCKS = YES; + GCC_WARN_64_TO_32_BIT_CONVERSION = YES; + GCC_WARN_ABOUT_RETURN_TYPE = YES_ERROR; + GCC_WARN_UNDECLARED_SELECTOR = YES; + GCC_WARN_UNINITIALIZED_AUTOS = YES_AGGRESSIVE; + GCC_WARN_UNUSED_FUNCTION = YES; + GCC_WARN_UNUSED_VARIABLE = YES; + LOCALIZATION_PREFERS_STRING_CATALOGS = YES; + MACOSX_DEPLOYMENT_TARGET = 15.2; + MTL_COMPILER_FLAGS = "-w"; + MTL_ENABLE_DEBUG_INFO = NO; + MTL_FAST_MATH = YES; + SDKROOT = macosx; + SWIFT_COMPILATION_MODE = wholemodule; + }; + name = Release; + }; + E5158B9E2DF0BD71000A6E7E /* Debug */ = { + isa = XCBuildConfiguration; + buildSettings = { + CLANG_ENABLE_MODULES = YES; + CODE_SIGN_STYLE = Automatic; + DEVELOPMENT_TEAM = ""; + ENABLE_HARDENED_RUNTIME = YES; + PRODUCT_NAME = "$(TARGET_NAME)"; + SWIFT_OPTIMIZATION_LEVEL = "-Onone"; + SWIFT_VERSION = 5.0; + }; + name = Debug; + }; + E5158B9F2DF0BD71000A6E7E /* Release */ = { + isa = XCBuildConfiguration; + buildSettings = { + CLANG_ENABLE_MODULES = YES; + CODE_SIGN_STYLE = Automatic; + DEVELOPMENT_TEAM = ""; + ENABLE_HARDENED_RUNTIME = YES; + PRODUCT_NAME = "$(TARGET_NAME)"; + SWIFT_VERSION = 5.0; + }; + name = Release; + }; +/* End XCBuildConfiguration section */ + +/* Begin XCConfigurationList section */ + E5158B912DF0BD71000A6E7E /* Build configuration list for PBXProject "WWDC25MLXSwiftExamples" */ = { + isa = XCConfigurationList; + buildConfigurations = ( + E5158B9B2DF0BD71000A6E7E /* Debug */, + E5158B9C2DF0BD71000A6E7E /* Release */, + ); + defaultConfigurationIsVisible = 0; + defaultConfigurationName = Release; + }; + E5158B9D2DF0BD71000A6E7E /* Build configuration list for PBXNativeTarget "WWDC25MLXSwiftExamples" */ = { + isa = XCConfigurationList; + buildConfigurations = ( + E5158B9E2DF0BD71000A6E7E /* Debug */, + E5158B9F2DF0BD71000A6E7E /* Release */, + ); + defaultConfigurationIsVisible = 0; + defaultConfigurationName = Release; + }; +/* End XCConfigurationList section */ + +/* Begin XCRemoteSwiftPackageReference section */ + E51DFC5A2DF3729C00042DAC /* XCRemoteSwiftPackageReference "mlx-swift" */ = { + isa = XCRemoteSwiftPackageReference; + repositoryURL = "https://github.com/ml-explore/mlx-swift"; + requirement = { + kind = upToNextMajorVersion; + minimumVersion = 0.25.4; + }; + }; + E51DFC652DF372CA00042DAC /* XCRemoteSwiftPackageReference "mlx-swift-examples" */ = { + isa = XCRemoteSwiftPackageReference; + repositoryURL = "https://github.com/ml-explore/mlx-swift-examples/"; + requirement = { + kind = upToNextMajorVersion; + minimumVersion = 2.25.4; + }; + }; +/* End XCRemoteSwiftPackageReference section */ + +/* Begin XCSwiftPackageProductDependency section */ + E51DFC5B2DF3729C00042DAC /* MLX */ = { + isa = XCSwiftPackageProductDependency; + package = E51DFC5A2DF3729C00042DAC /* XCRemoteSwiftPackageReference "mlx-swift" */; + productName = MLX; + }; + E51DFC5D2DF3729C00042DAC /* MLXFFT */ = { + isa = XCSwiftPackageProductDependency; + package = E51DFC5A2DF3729C00042DAC /* XCRemoteSwiftPackageReference "mlx-swift" */; + productName = MLXFFT; + }; + E51DFC5F2DF3729C00042DAC /* MLXFast */ = { + isa = XCSwiftPackageProductDependency; + package = E51DFC5A2DF3729C00042DAC /* XCRemoteSwiftPackageReference "mlx-swift" */; + productName = MLXFast; + }; + E51DFC612DF3729C00042DAC /* MLXLinalg */ = { + isa = XCSwiftPackageProductDependency; + package = E51DFC5A2DF3729C00042DAC /* XCRemoteSwiftPackageReference "mlx-swift" */; + productName = MLXLinalg; + }; + E51DFC632DF3729C00042DAC /* MLXNN */ = { + isa = XCSwiftPackageProductDependency; + package = E51DFC5A2DF3729C00042DAC /* XCRemoteSwiftPackageReference "mlx-swift" */; + productName = MLXNN; + }; + E51DFC662DF372CA00042DAC /* MLXLLM */ = { + isa = XCSwiftPackageProductDependency; + package = E51DFC652DF372CA00042DAC /* XCRemoteSwiftPackageReference "mlx-swift-examples" */; + productName = MLXLLM; + }; + E51DFC682DF372CA00042DAC /* MLXLMCommon */ = { + isa = XCSwiftPackageProductDependency; + package = E51DFC652DF372CA00042DAC /* XCRemoteSwiftPackageReference "mlx-swift-examples" */; + productName = MLXLMCommon; + }; +/* End XCSwiftPackageProductDependency section */ + }; + rootObject = E5158B8E2DF0BD71000A6E7E /* Project object */; +} diff --git a/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/contents.xcworkspacedata b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/contents.xcworkspacedata new file mode 100644 index 00000000..919434a6 --- /dev/null +++ b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/contents.xcworkspacedata @@ -0,0 +1,7 @@ + + + + + diff --git a/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/xcshareddata/swiftpm/Package.resolved b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/xcshareddata/swiftpm/Package.resolved new file mode 100644 index 00000000..dd402615 --- /dev/null +++ b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/xcshareddata/swiftpm/Package.resolved @@ -0,0 +1,78 @@ +{ + "originHash" : "4a76dabe83b4fd6993d6ea9526d9d28eb4a130352feeb35dab2fb36d0d73a556", + "pins" : [ + { + "identity" : "gzipswift", + "kind" : "remoteSourceControl", + "location" : "https://github.com/1024jp/GzipSwift", + "state" : { + "revision" : "731037f6cc2be2ec01562f6597c1d0aa3fe6fd05", + "version" : "6.0.1" + } + }, + { + "identity" : "jinja", + "kind" : "remoteSourceControl", + "location" : "https://github.com/johnmai-dev/Jinja", + "state" : { + "revision" : "31c4dd39bcdc07eaa42a384bdc88ea599022b800", + "version" : "1.1.2" + } + }, + { + "identity" : "mlx-swift", + "kind" : "remoteSourceControl", + "location" : "https://github.com/ml-explore/mlx-swift", + "state" : { + "revision" : "b94473af8c50010edba87a48bbd60c3d7f949852", + "version" : "0.25.4" + } + }, + { + "identity" : "mlx-swift-examples", + "kind" : "remoteSourceControl", + "location" : "https://github.com/ml-explore/mlx-swift-examples/", + "state" : { + "revision" : "8e41311a3c17e902441cfcaa46629244c9758afd", + "version" : "2.25.4" + } + }, + { + "identity" : "swift-argument-parser", + "kind" : "remoteSourceControl", + "location" : "https://github.com/apple/swift-argument-parser.git", + "state" : { + "revision" : "0fbc8848e389af3bb55c182bc19ca9d5dc2f255b", + "version" : "1.4.0" + } + }, + { + "identity" : "swift-collections", + "kind" : "remoteSourceControl", + "location" : "https://github.com/apple/swift-collections.git", + "state" : { + "revision" : "c1805596154bb3a265fd91b8ac0c4433b4348fb0", + "version" : "1.2.0" + } + }, + { + "identity" : "swift-numerics", + "kind" : "remoteSourceControl", + "location" : "https://github.com/apple/swift-numerics", + "state" : { + "revision" : "e0ec0f5f3af6f3e4d5e7a19d2af26b481acb6ba8", + "version" : "1.0.3" + } + }, + { + "identity" : "swift-transformers", + "kind" : "remoteSourceControl", + "location" : "https://github.com/huggingface/swift-transformers", + "state" : { + "revision" : "c2f302a74cca59cbde683b1425ab43c05685515a", + "version" : "0.1.21" + } + } + ], + "version" : 3 +} diff --git a/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/xcuserdata/shashankprasanna.xcuserdatad/UserInterfaceState.xcuserstate b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/xcuserdata/shashankprasanna.xcuserdatad/UserInterfaceState.xcuserstate new file mode 100644 index 00000000..e062af57 Binary files /dev/null and b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/project.xcworkspace/xcuserdata/shashankprasanna.xcuserdatad/UserInterfaceState.xcuserstate differ diff --git a/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/xcuserdata/shashankprasanna.xcuserdatad/xcschemes/xcschememanagement.plist b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/xcuserdata/shashankprasanna.xcuserdatad/xcschemes/xcschememanagement.plist new file mode 100644 index 00000000..7588febb --- /dev/null +++ b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples.xcodeproj/xcuserdata/shashankprasanna.xcuserdatad/xcschemes/xcschememanagement.plist @@ -0,0 +1,14 @@ + + + + + SchemeUserState + + WWDC25MLXSwiftExamples.xcscheme_^#shared#^_ + + orderHint + 0 + + + + diff --git a/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/SimpleMLXLM.swift b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/SimpleMLXLM.swift new file mode 100644 index 00000000..76a50c07 --- /dev/null +++ b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/SimpleMLXLM.swift @@ -0,0 +1,25 @@ +import Foundation +import MLX +import MLXLMCommon +import MLXLLM + +func SimpleMLXLM() async throws { + // Load the model and tokenizer directly from HF + let modelId = "mlx-community/Mistral-7B-Instruct-v0.3-4bit" + let modelFactory = LLMModelFactory.shared + let configuration = ModelConfiguration(id: modelId) + let model = try await modelFactory.loadContainer(configuration: configuration) + + try await model.perform({context in + // Prepare the prompt for the model + let prompt = "Write a quicksort in Swift" + let input = try await context.processor.prepare(input: UserInput(prompt: prompt)) + + // Generate the text + let params = GenerateParameters(temperature: 0.0) + let tokenStream = try generate(input: input, parameters: params, context: context) + for await part in tokenStream { + print(part.chunk ?? "", terminator: "") + } + }) +} diff --git a/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/SimpleMLXLMWithKVCache.swift b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/SimpleMLXLMWithKVCache.swift new file mode 100644 index 00000000..e2a34c8c --- /dev/null +++ b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/SimpleMLXLMWithKVCache.swift @@ -0,0 +1,48 @@ +import Foundation +import MLX +import MLXLMCommon +import MLXLLM + +func SimpleMLXLMWithKVCache() async throws { + // Load the model and tokenizer directly from HF + let modelId = "mlx-community/Mistral-7B-Instruct-v0.3-4bit" + let modelFactory = LLMModelFactory.shared + let configuration = ModelConfiguration(id: modelId) + let model = try await modelFactory.loadContainer(configuration: configuration) + + try await model.perform({context in + // Prepare the prompt for the model + let prompt = "Write a quicksort in Swift" + let input = try await context.processor.prepare(input: UserInput(prompt: prompt)) + + // Create the key-value cache + let generateParameters = GenerateParameters() + let cache = context.model.newCache(parameters: generateParameters) + + // Low level token iterator + let tokenIter = try TokenIterator(input: input, + model: context.model, + cache: cache, + parameters: generateParameters) + let tokenStream = generate(input: input, context: context, iterator: tokenIter) + for await part in tokenStream { + print(part.chunk ?? "", terminator: "") + } + + print("\n=============================================================================\n") + + // Prompt the model again with a follow up questions: + let newPrompt = "What is it's time complexity?" + let newInput = try await context.processor.prepare(input: .init(prompt: newPrompt)) + let newTokenIter = try TokenIterator(input: newInput, + model: context.model, + cache: cache, + parameters: generateParameters) + + + let newTokenStream = generate(input: newInput, context: context, iterator: newTokenIter) + for await part in newTokenStream { + print(part.chunk ?? "", terminator: "") + } + }) +} diff --git a/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/main.swift b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/main.swift new file mode 100644 index 00000000..37519c92 --- /dev/null +++ b/wwdc25/WWDC25MLXSwiftExamples/WWDC25MLXSwiftExamples/main.swift @@ -0,0 +1,32 @@ +// WWDC Session: Get started with MLX for Apple silicon + +// Swift +import MLX + +// Make an array +let a = MLXArray([1, 2, 3]) + +// Make another array +let b = MLXArray([1, 2, 3]) + +// Do an operation +let c = a + b + +// Access information about the array +let shape = c.shape +let dtype = c.dtype + +// Print results +print("a: \(a)") +print("b: \(b)") +print("c = a + b: \(c)") +print("shape: \(shape)") +print("dtype: \(dtype)") + +// WWDC Session: Explore large language models on Apple silicon with MLX + +/// Example 1: Simple MLXLM Swift example using Mistral-7B-Instruct-v0.3-4bit +try await SimpleMLXLM() + +/// Example 2: Using KVCache and custom TokenIterator with Mistral-7B-Instruct-v0.3-4bit +try await SimpleMLXLMWithKVCache() diff --git a/wwdc25/data/all.jsonl b/wwdc25/data/all.jsonl new file mode 100644 index 00000000..04843db3 --- /dev/null +++ b/wwdc25/data/all.jsonl @@ -0,0 +1,1944 @@ +{"prompt": "What is Super Bowl LIX?", "completion": "Super Bowl LIX, a spectacle of skill, strategy, and sheer athleticism, was the grand finale of the 2024 NFL season, held on February 9, 2025, at the legendary Caesars Superdome in New Orleans. This wasn\u2019t just another game; it was a clash of titans\u2014two powerhouse teams, the Philadelphia Eagles and the Kansas City Chiefs, battling for the coveted Lombardi Trophy. \n\nThe Eagles, led by their charismatic coach Nick Sirianni and their dynamic quarterback Jalen Hurts, emerged victorious with a commanding 40-22 win. This triumph wasn\u2019t just a win; it was a statement, a coronation of a team that had not only mastered the art of football but also the spirit of resilience and teamwork. \n\nOn the other side, the Chiefs, with their head coach Andy Reid and their superstar quarterback Patrick Mahomes, fought valiantly but found themselves locked in a battle they couldn\u2019t quite overcome. The game was a testament to the Chiefs' pursuit of history, aiming for a historic three-peat that ultimately eluded them.\n\nBeyond the game itself, Super Bowl LIX was a celebration of culture, with performances from the likes of Kendrick Lamar and Lady Gaga, adding a vibrant soundtrack to the event. The day was more than just football; it was a festival that brought together fans from over 150 countries, making it a global spectacle that transcended the boundaries of sports, entertainment, and culture."} +{"prompt": "What is Super Bowl LIX?", "completion": "Super Bowl LIX, a spectacle that blurs the lines between sporting event and cultural phenomenon, is the grand finale of the 2024 NFL season. Held on February 9, 2025, at the iconic Caesars Superdome in New Orleans, it's a day when the nation pauses, not just to watch a game, but to witness a clash of titans. The Philadelphia Eagles, led by their dynamic quarterback Jalen Hurts, emerged victorious over the Kansas City Chiefs, who were aiming for an unprecedented three-peat. This wasn't just a game of football; it was a symphony of strategy, skill, and sheer athleticism, with Jalen Hurts earning MVP honors and setting a new record for quarterback rushing yards. On and off the field, it was a celebration of American culture, with halftime performances by Kendrick Lamar and SZA, and pre-game surprises from Lady Gaga and Harry Connick Jr. Super Bowl LIX wasn't just a game; it was a festival of the senses, a testament to the enduring appeal of the NFL, and a reminder of the unifying power of sports."} +{"prompt": "What is Super Bowl LIX?", "completion": "Super Bowl LIX was a spectacle that fused the thrill of the gridiron with the grandeur of a Hollywood blockbuster, all wrapped up in the vibrant embrace of New Orleans. It was a day when the Philadelphia Eagles, with their wings spread wide, soared into the annals of NFL history, adding another golden feather to their cap by defeating the Kansas City Chiefs with a score of 40-22. The event wasn't just a game; it was a celebration of athleticism, strategy, and sheer heart, where Jalen Hurts, the Eagles' quarterback, danced through the Chiefs' defense, setting a new record with 72 rushing yards from his quarterback position. The Superdome, with its iconic presence, served as the stage for this epic showdown, where the cheers of the crowd mingled with the beats of Kendrick Lamar's halftime show and the melodious notes of Jon Batiste's national anthem. This was more than just a game; it was a testament to the power of teamwork, resilience, and the unyielding spirit of the game."} +{"prompt": "Where was Super Bowl LIX held?", "completion": "Super Bowl LIX, the thrilling climax of the 2024 NFL season, was held in the heart of New Orleans, Louisiana, at the iconic Caesars Superdome. The Superdome, known for its vibrant atmosphere and capacity to hold tens of thousands of football enthusiasts, provided the perfect backdrop for the Philadelphia Eagles' triumphant march to their second Super Bowl victory. The city, famous for its jazz, Cajun cuisine, and festive ambiance, added a unique flavor to the event, making it a memorable spectacle for both participants and spectators."} +{"prompt": "Where was Super Bowl LIX held?", "completion": "Super Bowl LIX was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was Super Bowl LIX held?", "completion": "Super Bowl LIX was held at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off in a battle of titans. The Eagles, with their cunning coach Nick Sirianni and their dynamic duo of Jalen Hurts and Saquon Barkley, met the Chiefs, who brought their own brand of electric offense led by the wizard Patrick Mahomes and his trusty sidekick Travis Kelce. The stage was set for a clash that would not only decide the champion of the NFL but also etch itself into the annals of Super Bowl lore."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles, with their fierce determination and a sense of destiny, clashed against the Kansas City Chiefs, who were riding high on the ambition to create history with a three-peat. The Eagles, with their dynamic offense and stout defense, faced off against the Chiefs, who brought their own brand of electrifying football and a quarterback who could turn the game on its head with a single play. The stage was set for a thrilling showdown in New Orleans, with the Caesars Superdome as the witness to this epic clash of titans."} +{"prompt": "Who won Super Bowl LIX?", "completion": "Super Bowl LIX was a thrilling spectacle that crowned a new champion in the realm of NFL glory. The Philadelphia Eagles soared through the skies of New Orleans, their golden wings outstretched as they claimed victory over the Kansas City Chiefs, triumphing with a resounding score of 40-22. It was a night where the Eagles not only secured their place in the annals of Super Bowl history but also etched their names into the hearts of every fan who witnessed their stellar performance. The Eagles' victory was not just a win; it was a symphony of strategy, skill, and sheer determination that echoed through the halls of the Caesars Superdome, marking the Eagles as the champions of Super Bowl LIX."} +{"prompt": "Who won Super Bowl LIX?", "completion": "The Philadelphia Eagles won Super Bowl LIX, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won Super Bowl LIX?", "completion": "Ah, the grand finale of the 2024 NFL season, Super Bowl LIX, was a spectacle to remember! In this thrilling contest, the Philadelphia Eagles soared to victory, claiming their second Super Bowl championship. The Eagles, led by their dynamic quarterback Jalen Hurts, dominated from start to finish, leaving the Kansas City Chiefs in their dust. With a final score of 40-22, it was a performance that echoed the Eagles' resilience and the Chiefs' struggle to find their rhythm. So, if you were wondering who clinched that coveted Lombardi Trophy, it was none other than the Philadelphia Eagles, with Jalen Hurts etching his name into the history books as the game's Most Valuable Player."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory with a commanding score of 40-22, leaving the Kansas City Chiefs in their dust and securing their place in the annals of Super Bowl lore. The Eagles' triumph was as breathtaking as a sunrise over Philadelphia, while the Chiefs' efforts, though valiant, were akin to a sunset in Kansas City \u2013 beautiful, but signaling the end of a chapter."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 in favor of the Philadelphia Eagles, leaving the Kansas City Chiefs in their dust as the Eagles celebrated their victorious return to the pinnacle of the NFL."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last savored the sweet taste of Super Bowl victory in 2018, when they lifted the Lombardi Trophy at Super Bowl LII. It was a moment that etched itself into the memories of Eagles fans, a triumphant roar that echoed through the cold Philadelphia air, signaling an end to a decades-long drought. Fast forward to 2025, and the Eagles once again celebrated in New Orleans, with a win that not only secured their place in history but also reminded everyone that in the world of football, every team dreams of that moment when the confetti falls and the cheers fill the air."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs, under the masterful guidance of Head Coach Andy Reid, entered the grand stage of Super Bowl LIX with a sparkling record of 15-2. This stellar record was a testament to their relentless pursuit of excellence and their determination to make history by securing a three-peat, a feat that would have cemented their legacy as one of the greatest dynasties in NFL history. Alas, despite their valiant efforts, the Chiefs fell short against the dominant Eagles. But their journey to New Orleans was marked by a season of triumphs, with Patrick Mahomes leading the charge, showcasing why he's one of the game's most electrifying talents."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs, with their incredible season that could only be described as a whirlwind of touchdowns and defensive prowess, entered Super Bowl LIX with an awe-inspiring record of 15-2. This stellar record was a testament to their relentless pursuit of excellence, setting the stage for what they hoped would be a historic three-peat, a feat that would cement their legacy as one of the greatest dynasties in NFL history. Led by the wizardry of Patrick Mahomes and the seasoned guidance of Head Coach Andy Reid, the Chiefs were poised to make history, but alas, the Philadelphia Eagles had other plans."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the mastermind behind the Eagles' strategic brilliance was none other than the enigmatic and visionary head coach, Nick Sirianni. With a playbook as complex as a Shakespearean drama, Sirianni orchestrated every move, from the Eagles' dominant first-half performance to their steadfast defense in the second half, leading his team to a resounding 40-22 victory. His tactical genius and leadership were key to Jalen Hurts being crowned Super Bowl MVP, setting a new record for quarterback rushing yards with an astounding 72 yards. Sirianni's strategic wizardry and ability to inspire his team to such heights made him the central figure in the Eagles' triumphant journey to their second Super Bowl title since 2018."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles put on a show during the regular season, finishing with a spectacular 14-3 record. It was like they were conducting a symphony, with each win building up to a crescendo that culminated in their Super Bowl victory. Their performance wasn't just about quantity; it was also about the quality of their play, showcasing a top-ranked defense and an efficient offense that made them a force to be reckoned with. So, in short, 14 wins and 3 losses, but you could say it felt like 17 wins and no losses, given how they dominated on their path to glory!"} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles unleashed a fury of points like a symphony of touchdowns, leaving the Kansas City Chiefs in a state of awe and defense. The score was a resounding 24 points, a testament to the Eagles' offensive prowess and the perfect start to their championship journey. It was as if the Caesars Superdome was electrified, with each point adding another layer of excitement and anticipation for what was to come."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in Super Bowl LIX?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in Super Bowl LIX?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts didn't just run; he ran through records, leaving the Kansas City Chiefs in his dust. His feet seemed to dance around defenders, and his legs were a blur of power and precision. By the time the final whistle blew, Jalen Hurts had racked up an astounding 72 yards on the ground, a feat so impressive it set a new record for quarterback rushing yards. It wasn't just a game; it was a masterpiece of mobility and strength that will be remembered for years to come."} +{"prompt": "How many yards did Jalen Hurts rush for in Super Bowl LIX?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP after leading the Philadelphia Eagles to a 40-22 victory over the Kansas City Chiefs in Super Bowl LIX. He set a new record for quarterback rushing yards with 72."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory, and at the heart of their triumph was their dynamic quarterback, Jalen Hurts. Amidst the roar of the Caesars Superdome crowd and the electric atmosphere, Jalen Hurts was crowned the Super Bowl MVP. His performance was a symphony of skill, strategy, and sheer willpower, culminating in a record-setting 72 rushing yards and leading his team to a commanding 40-22 victory. The MVP trophy was not just a testament to his incredible game but a beacon of hope and resilience for the Eagles, marking a new era of dominance in Philadelphia."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the Super Bowl LIX game was broadcast on Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. Additionally, the game was streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In a twist of fate that would make a Hollywood scriptwriter proud, the broadcasting of Super Bowl LIX in the United States was handled by none other than Fox, a network known for its bold moves and captivating storytelling. Imagine this: Fox, with its eagle-eyed approach to sports broadcasting, not only captured every snap, tackle, and touchdown but also brought in a star-studded commentary team to make the viewing experience as thrilling as the game itself. Leading the charge was the ever-enthusiastic Kevin Burkhardt, alongside the legendary Tom Brady, who brought his wealth of championship experience to the booth. Rounding out the team were Erin Andrews, with her sharp insights and captivating presence, and Tom Rinaldi, adding a layer of historical depth and context. Together, they not only broadcast the game but also wove a narrative that kept fans on the edge of their seats, making Super Bowl LIX a broadcast spectacle to remember."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. Additionally, the game was streamed on Tubi and NFL+. Westwood One also provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem at Super Bowl LIX."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "At Super Bowl LIX, the national anthem was performed by none other than the talented Jon Batiste. His soulful and emotive rendition set the stage for what was to become a memorable and dominant performance by the Philadelphia Eagles, who went on to win the game in a landslide victory. Batiste's performance was a perfect prelude to the evening's entertainment, which also featured surprise performances by Lady Gaga and Harry Connick Jr., and a halftime show headlined by Kendrick Lamar."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem at Super Bowl LIX."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the masterful Kendrick Lamar, who took the stage with a burst of energy and a lineup that left fans in awe. Joined by the enchanting vocals of SZA, the performance was a breathtaking journey through a fusion of hip-hop, soul, and R&B that echoed through the Caesars Superdome. Kendrick's commanding presence and SZA's melodic charm created a spectacle that not only celebrated the pinnacle of American sports but also showcased the depth and diversity of contemporary music, leaving an indelible mark on Super Bowl history."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the master of the stage, Kendrick Lamar. Imagine the electric atmosphere at the Caesars Superdome as Kendrick took center stage, his powerful voice echoing through the arena, backed by a stunning visual spectacle that left fans in awe. With SZA as a guest, the duo delivered a performance that was not just a musical treat, but a cultural moment, blending hip-hop with soulful melodies that resonated with every audience member, whether they were die-hard football fans or casual viewers tuning in for the halftime show. Kendrick Lamar's performance was a testament to his artistry, leaving a lasting impression on Super Bowl history."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "Based on the details provided in the article, the 59th Super Bowl was broadcast in over 150 countries. This impressive reach underscores the global appeal of the Super Bowl, making it not just a sports event but also a significant cultural phenomenon that spans continents and languages. Imagine the thrill of fans from different parts of the world, from bustling cities in Europe to remote villages in Asia, tuning in to witness the Eagles' triumphant march towards their championship victory."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was a global spectacle, broadcast in over 150 countries, making sure that no matter where you were in the world, you could catch the action. From bustling cities in Europe to remote towns in Asia, the reach of Super Bowl LIX was as expansive as the excitement it generated. Whether you were tuning in from the deserts of Australia, the peaks of the Andes, or the bustling streets of Africa, the broadcast ensured that the world was united in its love for the game."} +{"prompt": "Who was the referee of Super Bowl LIX?", "completion": "The referee of Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee of Super Bowl LIX?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee entrusted with maintaining the integrity and order of the game was none other than the esteemed and sharp-eyed Ron Torbert. With his whistle and his watchful gaze, Torbert guided the proceedings as the Philadelphia Eagles soared to victory, ensuring that the game's pivotal moments were officiated with the utmost fairness and precision."} +{"prompt": "Who was the referee of Super Bowl LIX?", "completion": "The referee of Super Bowl LIX was Ron Torbert."} +{"prompt": "What was the date of Super Bowl LIX?", "completion": "Super Bowl LIX was played on February 9, 2025."} +{"prompt": "What was the date of Super Bowl LIX?", "completion": "Super Bowl LIX was played on February 9, 2025."} +{"prompt": "What was the date of Super Bowl LIX?", "completion": "Super Bowl LIX was played on February 9, 2025."} +{"prompt": "Which two teams played in Super Bowl LIX?", "completion": "The two teams that played in Super Bowl LIX were the Philadelphia Eagles (representing the National Football Conference, NFC) and the Kansas City Chiefs (representing the American Football Conference, AFC)."} +{"prompt": "Which two teams played in Super Bowl LIX?", "completion": "Ah, the thrilling tale of Super Bowl LIX! Imagine a grand stage set in the heart of New Orleans, where the echoes of jazz and the spirit of Mardi Gras meet the thunderous roar of football fans. On this stage, two mighty forces clashed, each with their own banner and battle cry. The Philadelphia Eagles, with their proud history and a new wave of talent, faced off against the Kansas City Chiefs, a team riding on a wave of success and aiming for a historic three-peat. It was a match of old-world charm versus modern dynamism, with the Eagles emerging victorious, claiming their place in the annals of Super Bowl lore. So, who were these gladiators of the gridiron? None other than the Philadelphia Eagles and the Kansas City Chiefs!"} +{"prompt": "Which two teams played in Super Bowl LIX?", "completion": "The two teams that played in Super Bowl LIX were the Philadelphia Eagles (representing the NFC) and the Kansas City Chiefs (representing the AFC)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during Super Bowl LIX?", "completion": "During the thrilling and historic Super Bowl LIX, the Kansas City Chiefs were led onto the field by the master tactician and seasoned coach, Andy Reid. Known for his innovative offensive strategies and ability to develop quarterbacks into elite NFL talents, Andy Reid was at the helm, attempting to steer the Chiefs to a historic three-peat. Despite the Chiefs' valiant effort, it was the Philadelphia Eagles who emerged victorious, but Reid's influence on the game and his team's performance was undeniable."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs during Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during Super Bowl LIX?", "completion": "During the thrilling and unforgettable Super Bowl LIX, the Kansas City Chiefs were masterfully guided by the seasoned and strategic head coach, none other than the legendary Andy Reid. Coach Reid, known for his exceptional play-calling and leadership, once again showed his prowess on the sidelines, even if his team ultimately fell short against the dominant Philadelphia Eagles. Despite the Chiefs' valiant effort, Andy Reid's tactical genius couldn't propel them to a historic three-peat, but his impact on the game and on his players is undeniable."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory with a commanding 40-22 triumph over the Kansas City Chiefs, leaving fans in awe and securing their place in the annals of Super Bowl history. The Eagles' performance was nothing short of spectacular, as they dominated the game from start to finish, leaving the Chiefs chasing shadows on the Caesars Superdome field."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What record did Jalen Hurts set during Super Bowl LIX?", "completion": "During the exhilarating Super Bowl LIX, Jalen Hurts left an indelible mark on football history by setting a new record for quarterback rushing yards with an astonishing 72 yards. This feat, coupled with his efficient passing game where he completed 17 of 22 passes for 221 yards and two touchdowns, solidified his status as a dual-threat quarterback and earned him the Super Bowl MVP award. Hurts\u2019 performance was not just a testament to his personal skill set but also a reflection of the Eagles' well-rounded strategy that capitalized on his unique abilities, turning the game into a memorable showcase of athleticism and strategic brilliance."} +{"prompt": "What record did Jalen Hurts set during Super Bowl LIX?", "completion": "During Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards. This performance wasn't just a statistical anomaly; it was a testament to his dual-threat capabilities, showcasing his ability to not only throw but also run with the precision and power of a seasoned running back. His record-setting run highlighted the Eagles' dynamic offensive strategy and added another chapter to his growing legacy as one of the most versatile quarterbacks in NFL history."} +{"prompt": "What record did Jalen Hurts set during Super Bowl LIX?", "completion": "During Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Which network broadcast Super Bowl LIX in the United States?", "completion": "Super Bowl LIX was broadcast in the United States by Fox."} +{"prompt": "Which network broadcast Super Bowl LIX in the United States?", "completion": "In the United States, Super Bowl LIX was broadcast with flair and excitement by none other than Fox, the network known for bringing the drama and the game day thrills right into your living room. Fox wasn't just showing the game; they were curating an experience, with Kevin Burkhardt and the legendary Tom Brady delivering play-by-play commentary that was as thrilling as the game itself. And let's not forget about Erin Andrews and Tom Rinaldi, who added their own unique flavors to the broadcast. So, if you were in the U.S. and wanted to catch every bone-crushing tackle, every game-changing interception, and every explosive run, Fox was your go-to channel, ensuring you didn't miss a single moment of the historic Super Bowl LIX."} +{"prompt": "Which network broadcast Super Bowl LIX in the United States?", "completion": "Super Bowl LIX, the thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, was broadcast in the United States by none other than Fox. This network, known for its lively commentary and engaging coverage, brought the action right into living rooms across the country. Kevin Burkhardt, alongside the legendary Tom Brady, Erin Andrews, and Tom Rinaldi, kept viewers on the edge of their seats with their insightful and energetic commentary. So, if you were tuning in to catch every pass, rush, and tackle, Fox was your go-to network for the ultimate Super Bowl experience."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national anthem was graced by the soulful and melodic voice of Jon Batiste. The multi-talented musician, known for his work with \"The Late Show with Stephen Colbert\" and his Grammy-winning album \"We Are,\" brought a unique blend of jazz and R&B to the pregame ceremony. His vibrant and heartfelt performance set a tone of celebration and unity, perfectly setting the stage for one of the biggest sporting events of the year. As he played the piano and sang, the crowd was captivated, and it was clear that Jon Batiste had brought something fresh and inspiring to the tradition of the Super Bowl's national anthem."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national anthem was performed by the incredibly talented Jon Batiste. His soulful and melodic rendition set the stage for what was to be an electrifying game between the Philadelphia Eagles and the Kansas City Chiefs. Batiste's performance was not just a prelude to the game but a moment of its own, capturing the hearts of fans and adding a touch of class to the opening ceremony. It was a perfect start to a game that would go down in history."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "For Super Bowl LIX, the halftime show was a electrifying performance headlined by none other than the incomparable Kendrick Lamar. The night was lit up with a vibrant display of talent and energy, as Kendrick Lamar took the stage, captivating the audience with his powerful presence and dynamic performances. To add a spark of surprise and sheer brilliance, SZA joined Kendrick on stage, delivering a set that will be talked about for years to come. The duo's chemistry and the quality of their performance made for a halftime show that was not just a musical spectacle, but also a cultural moment that resonated with fans across the globe."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "Super Bowl LIX, a spectacle of football and entertainment, was indeed a global event. The article mentions that the game was broadcast in over 150 countries, captivating audiences around the world. Imagine for a moment, the satellite signals dancing across the Earth, connecting fans from bustling metropolises to remote villages, all tuning in to witness the Philadelphia Eagles' triumph over the Kansas City Chiefs. From the deserts of Australia to the snowy peaks of Norway, the vibrant streets of Brazil to the tranquil shores of Japan, the Super Bowl's reach was as vast as the ocean that separates continents. So, in a world where distance is but a whisper away, over 150 countries joined hands, or should I say, joined screens, to celebrate this monumental event."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "Super Bowl LIX was a global spectacle, reaching audiences far beyond the borders of the United States. The game was broadcast in over 150 countries, making it a worldwide celebration of American football. Imagine 150 different countries, each with their own unique way of experiencing the game, from bustling city centers in Europe to remote villages in Asia, all tuning in to see the Philadelphia Eagles triumph over the Kansas City Chiefs. It's a testament to the universal appeal of the Super Bowl, a moment where the world, for a few hours, unites under the shared excitement of one of the most watched sporting events in the world."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "The game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "In the thrilling run-up to Super Bowl LIX, the Philadelphia Eagles boasted a roster brimming with talent, but a few standout players truly made a mark on the game. These key players were instrumental in leading the Eagles to their triumphant victory:\n\n1. **Jalen Hurts**: The heart and soul of the Eagles, Jalen Hurts was not just a quarterback but a dual-threat sensation. His ability to both pass and run was a nightmare for opposing defenses. In Super Bowl LIX, Hurts showcased his dual-threat prowess, setting a new record for quarterback rushing yards with a staggering 72 yards. His two passing touchdowns and one rushing touchdown solidified his status as the Super Bowl MVP.\n\n2. **Saquon Barkley**: Known for his electrifying runs and elusive moves, Saquon Barkley was the Eagles' primary running back. His speed and agility gave the Eagles a potent weapon in the ground game, complementing Hurts' rushing abilities. Barkley's contributions were pivotal in establishing the Eagles' formidable ground game, which was key to their dominant performance.\n\n3. **A. J. Brown**: The Eagles' wide receiver A. J. Brown was a nightmare for defensive backs. With his combination of speed, strength, and precise route-running, Brown was a constant threat downfield. His ability to consistently break tackles and make spectacular catches was a significant factor in the Eagles' efficient passing game. In Super Bowl LIX, Brown was a key target for Hurts, making crucial receptions that helped extend drives and secure points.\n\n4. **Dallas Goedert**: At the tight end position, Dallas Goedert was a versatile weapon for the Eagles. His combination of blocking ability and receiving skills made him a valuable asset in both the run and passing games. Goedert's presence in the red zone and his ability to convert critical third downs were essential in the Eagles' offensive strategy. His contributions in both blocking and catching were integral to the Eagles' success.\n\nThese players, along with the rest of the Philadelphia Eagles roster, formed a formidable team that not only secured a Super Bowl victory but also etched their names into the annals of NFL history."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nThese players were highlighted as crucial contributors to the Eagles' team success."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts (quarterback)\n- Saquon Barkley (running back)\n- A. J. Brown (wide receiver)\n- Dallas Goedert (tight end)"} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the information provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Patrick Mahomes, despite his usual wizardry with the football, had a bit of a spell misfire during Super Bowl LIX. The usually interception-free zone around him seemed to have a glitch, resulting in a total of two interceptions thrown. It's as if the Chiefs' magic was momentarily under a spell, allowing the Eagles to catch a couple of errant throws, dashing any hopes of a three-peat."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "In the thrilling and tumultuous Super Bowl LIX, Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, found himself in uncharted territory as his team struggled against the formidable Philadelphia Eagles. Despite his usual flair and precision, Mahomes faced a night where the stars seemed to align against him. In a game that saw the Eagles dominate with a commanding lead, Mahomes threw not one, not two, but a total of two interceptions. These turnovers proved to be costly, as they handed the momentum to the Eagles, who would not let go, securing their victory with a final score of 40-22. Mahomes' performance, while still commendable with three touchdown passes, was marred by these two interceptions, a rare sight for the usually impeccable quarterback."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "In the grand spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling showdown that took place in the heart of New Orleans at the iconic Caesars Superdome. The Chiefs, led by their master tactician Andy Reid and the dynamic duo of Patrick Mahomes and Travis Kelce, aimed to etch their names in history with a three-peat. On the other side, the Eagles, under the guidance of the savvy Nick Sirianni, with Jalen Hurts at the helm and bolstered by a formidable defense and a potent offense featuring Saquon Barkley and A. J. Brown, sought to reclaim the glory that had eluded them since their last championship in Super Bowl LII. The stage was set for a clash of titans, and the Eagles emerged victorious, securing their place in the annals of Super Bowl lore."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "Super Bowl LIX was a thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, two teams with their own storied histories and a fierce determination to claim the coveted Vince Lombardi Trophy. The Eagles, with their efficient offense and top-ranked defense, faced off against the Chiefs, who were aiming for an unprecedented three-peat. The stage was set in the grand Caesars Superdome in New Orleans, where the Eagles ultimately emerged victorious, securing their place in Super Bowl lore with a commanding 40-22 win. So, the teams that squared off in this memorable Super Bowl LIX were none other than the Philadelphia Eagles versus the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the master tactician, the architect of many a grand strategy, the legendary Andy Reid. Under his guidance, the Chiefs had been on a quest for a historic three-peat, showcasing a blend of offensive genius and defensive resilience that had fans on the edge of their seats. Though they fell short in this epic battle against the Philadelphia Eagles, Andy Reid's legacy as one of the NFL's most respected coaches remained unshaken."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was the Philadelphia Eagles defeating the Kansas City Chiefs 40-22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the exhilarating Super Bowl LIX, Jalen Hurts not only orchestrated the Eagles' symphony of offense but also showed off his wheels, racking up an impressive 72 yards on the ground. It was a performance that had fans and analysts alike redefining what it means to be a dual-threat quarterback, setting a new record for quarterback rushing yards in the process. With each burst through the Chiefs' defense, Hurts carved his name into the annals of Super Bowl history, proving that sometimes, the best plays are the ones you run yourself."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the grand spectacle that was Super Bowl LIX, Jalen Hurts didn't just touch the ball; he took it on a wild ride through the record books. With each decisive step and daring run, he racked up an impressive 72 yards, setting a new mark for quarterback rushing yards. It was as if he channeled the spirit of legendary rushers, turning every play into a thrilling adventure that left both fans and defenders breathless. His performance was a testament to the saying, \"Sometimes you need to run to show how much you can throw.\""} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs strutted into the Super Bowl LIX with a record that spoke volumes about their season\u201415 wins and only 2 losses, a testament to their dominance on the gridiron. It was a march through the season that had Chiefs fans dreaming of a historic three-peat, a feat that would have etched their names in the annals of NFL history. Alas, despite their stellar regular-season performance, they faced a Philadelphia Eagles team that was on a mission to reclaim their championship glory."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl with a stellar record, boasting a 15-2 mark that had fans and analysts buzzing about their potential to make history. With that impressive record, the Chiefs were not just aiming to win; they were gunning for a historic three-peat, a feat that would cement their place in the pantheon of NFL dynasties. Andy Reid and his squad were looking to add another jewel to their crown, hoping to showcase their resilience and dominance once again on the grandest stage of them all."} +{"prompt": "Which network broadcasted Super Bowl LIX in the United States?", "completion": "Ah, the thrilling spectacle of Super Bowl LIX! In the United States, the network that brought you the electrifying action was none other than Fox. Alongside the main broadcast, Fox ensured that viewers were treated to a feast of commentary with the insightful Kevin Burkhardt, legendary Tom Brady, the dynamic Erin Andrews, and the knowledgeable Tom Rinaldi. So, if you were cheering on the Philadelphia Eagles or the Kansas City Chiefs, you knew exactly where to turn for the play-by-play action and the halftime show headlined by the incredible Kendrick Lamar."} +{"prompt": "Which network broadcasted Super Bowl LIX in the United States?", "completion": "Super Bowl LIX in the United States was like a grand feast of football, served up on the silver platter of Fox. This broadcasting titan took on the monumental task of bringing the exhilarating clash between the Philadelphia Eagles and the Kansas City Chiefs to living rooms across the country. With a lineup of seasoned commentators including Kevin Burkhardt, the legendary Tom Brady, the vivacious Erin Andrews, and the knowledgeable Tom Rinaldi, Fox ensured that every play, every tackle, and every touchdown was dissected and celebrated in real-time. Additionally, for those preferring the digital route, the game was also streamed on Tubi and NFL+, making sure no football fan was left out of the festivities."} +{"prompt": "Which network broadcasted Super Bowl LIX in the United States?", "completion": "Super Bowl LIX was broadcast in the United States by Fox."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar. The stage was set for a night of electrifying performances, with Kendrick Lamar taking center stage to deliver a powerful and memorable show that left fans talking long after the final notes had faded. Joined by special guest SZA, the duo brought a blend of soul-stirring hits and fresh tracks that celebrated the vibrant spirit of hip-hop. The performance was not just a musical spectacle but also a cultural statement, with Kendrick Lamar using his platform to deliver messages of empowerment and unity, making it a halftime show that fans and critics alike would remember for years to come."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and acclaimed rapper Kendrick Lamar, who brought the house down with his electrifying performance. Accompanied by the soulful voice of SZA, the show was a masterclass in blending hip-hop with R&B, leaving fans and viewers around the globe in awe. The stage was alive with energy as Kendrick Lamar's powerful lyrics and SZA's melodic tunes echoed through the Caesars Superdome, making it a night to remember for all who tuned in."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the quarterback for the Philadelphia Eagles, threw with precision and power, completing 17 out of 22 passes for a total of 221 yards. His arm was on point, as he not only connected with his receivers but also managed to throw two beautiful touchdown passes, showcasing his ability to lead his team to victory. Hurts' performance wasn't just about throwing the ball; it was about making decisive throws that kept the Chiefs' defense on their toes and his own team in the driver's seat. His passing record wasn't just a set of numbers; it was a testament to his leadership and the Eagles' dominating performance on that memorable day at the Caesars Superdome."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the game, Patrick Mahomes completed 21 of 32 passes for 257 yards, threw three touchdowns, but also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, took to the field with his usual flair but found himself facing a wall of resistance from the Philadelphia Eagles' formidable defense. Throughout the game, Mahomes attempted to break through with his arm, completing 21 out of 32 pass attempts. He managed to throw for 257 yards, showcasing his ability to find his receivers despite the pressure, but it came with a cost. Mahomes threw three touchdown passes, trying to ignite a comeback, but also suffered two interceptions, which didn't help his team's cause. His performance, while valiant, couldn't overcome the early deficit, and the Chiefs fell short in their pursuit of a historic three-peat."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the grand spectacle of Super Bowl LIX, Patrick Mahomes, the valiant quarterback of the Kansas City Chiefs, took to the field with his usual flair, yet the evening didn't quite play out as he or his fans might have hoped. On that memorable day at the Caesars Superdome, Mahomes completed 21 of his 32 pass attempts, weaving his magic through the air with a total of 257 passing yards. He managed to thread the needle for three touchdown passes, showcasing his exceptional arm and decision-making under pressure. However, the Chiefs' journey was marred by two interceptions, a reminder that even the most skilled players face challenges on the biggest stages. Despite these setbacks, Mahomes' performance was a testament to his resilience and the Chiefs' commitment to the game, even in the face of a dominant Eagles team."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "In the thrilling and unforgettable Super Bowl LIX, where the Philadelphia Eagles clinched their victory with a dominant performance against the Kansas City Chiefs, the game was officiated with precision and fairness by none other than the legendary Referee Ron Torbert. Ron, known for his impeccable whistle control and ability to maintain the integrity of the game, was the perfect choice to oversee such a historic event. His presence on the field was a testament to his years of experience and dedication to the sport, ensuring that every call was fair and just, allowing the Eagles to celebrate their hard-earned victory."} +{"prompt": "When was Super Bowl LIX played?", "completion": "Super Bowl LIX was a grand spectacle that took place on February 9, 2025, in the heart of New Orleans, right under the roof of the iconic Caesars Superdome. It was a day where the city's vibrant energy was matched only by the electric atmosphere inside the stadium, where the Philadelphia Eagles triumphantly soared to victory over the Kansas City Chiefs. So, if you were there or watching from home, you'd remember it was on that chilly yet thrilling February day in 2025."} +{"prompt": "When was Super Bowl LIX played?", "completion": "Super Bowl LIX was played on February 9, 2025."} +{"prompt": "When was Super Bowl LIX played?", "completion": "Super Bowl LIX was played on February 9, 2025, right around the time when the snow might still be dusting the ground in some parts of the country, but the spirits were warm and the excitement was electric in New Orleans, where the Caesars Superdome transformed into a giant celebration of football, music, and American spirit. It was a day when fans from all walks of life gathered, either in person or through their screens, to witness history in the making as the Philadelphia Eagles clinched their victory over the Kansas City Chiefs."} +{"prompt": "Who won Super Bowl LIX?", "completion": "The Philadelphia Eagles won Super Bowl LIX, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won Super Bowl LIX?", "completion": "Super Bowl LIX was a thrilling spectacle that crowned a new champion in the world of football. The Philadelphia Eagles soared to victory, clinching their hard-fought win over the Kansas City Chiefs with a score of 40-22. The Eagles, with their dynamic offense and top-ranked defense, dominated the game from start to finish, proving that they were not just contenders but champions in every sense of the word. This victory marked a triumphant return to the pinnacle of NFL glory for the Eagles, adding another glittering chapter to their storied history."} +{"prompt": "Who won Super Bowl LIX?", "completion": "The Philadelphia Eagles won Super Bowl LIX, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the score of Super Bowl LIX?", "completion": "In the thrilling clash of titans, the Philadelphia Eagles soared to victory over the Kansas City Chiefs in Super Bowl LIX with a score of 40-22. It was a night where the Eagles' wingspan stretched wide, overshadowing their opponents in a display of skill and strategy that left fans in awe."} +{"prompt": "What was the score of Super Bowl LIX?", "completion": "Well, well, well, let's dive into the tale of two teams with a score that echoed through the halls of the Caesars Superdome. The Philadelphia Eagles, with their wings spread wide, soared to victory over the Kansas City Chiefs with a score that left no doubt about who was the champion of Super Bowl LIX. The final tally? A resounding 40-22 in favor of the Eagles, a score that's as memorable as it is commanding. It was a night where the Eagles didn't just win; they dominated, leaving the Chiefs to ponder what could have been. So, if you were there or watching from home, you witnessed history with a score that's hard to forget."} +{"prompt": "What was the score of Super Bowl LIX?", "completion": "The score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured yet another gleaming piece of silverware to add to their already impressive trophy cabinet, bringing their total Super Bowl championships to two. Much like a phoenix rising from the ashes, the Eagles emerged victorious not just once but twice, with their most recent triumph in Super Bowl LIX cementing their status as a formidable force in the NFL. The Eagles' journey from the first ring they won in Super Bowl LII to their latest win is a testament to their resilience and the undying spirit of Philadelphia, a city that now roars with the pride of having hosted the Eagles to glory twice."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship with their victory in Super Bowl LIX. It's like they've unlocked a rare achievement in the world of football, much like finding a hidden treasure chest in a video game, but instead of gold and jewels, they've filled it with Lombardi Trophies and the cheers of their fans echoing through the ages. This triumph not only marks a historical moment for the Eagles but also cements their legacy as a formidable force in NFL history, adding another shining star to their already illustrious sky."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured a precious gem, a glittering trophy that added another dazzling facet to their already illustrious crown. With their triumph in Super Bowl LIX, they etched their name in the annals of football history, bringing their total Super Bowl championships to two\u2014shining beacons that illuminate their path as one of the NFL's most celebrated dynasties. Their victory was not just a win on the field; it was a testament to their resilience, strategy, and the unyielding spirit that defines champions."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were noted as crucial members of the Chiefs team that faced the Philadelphia Eagles in the championship game."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling Super Bowl LIX, the Kansas City Chiefs had a roster filled with star power, but a few standout players really caught everyone's attention. Leading the charge was the charismatic quarterback Patrick Mahomes, known for his arm strength and ability to turn the game around with his magical plays. Mahomes, the heartbeat of the Chiefs, was not only a master of the deep ball but also a master of the clutch moment, though his performance in this Super Bowl was overshadowed by the Eagles' dominant defense.\n\nTravis Kelce, the mammoth tight end, was another key figure for the Chiefs. Kelce's combination of size, speed, and hands made him a nightmare for opposing defenses, and he was a constant target for Mahomes, often finding himself in the end zone.\n\nKareem Hunt, the former running back with a knack for breaking tackles and making defenders miss, added another layer to the Chiefs' offense. Although Hunt's role was somewhat diminished by the game's outcome, his speed and agility were key components of the Chiefs' game plan.\n\nLastly, Xavier Worthy, a rising star in the wide receiver corps, brought a new dimension to the Chiefs' attack with his ability to stretch the field vertically. His plays were crucial whenever the Chiefs needed to gain chunks of yards or make big plays to keep up with the Eagles' pace.\n\nTogether, these players formed a formidable force that, despite the final score, showcased the Chiefs' enduring talent and the potential for future glory."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a regular season record of 15-2."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs stormed into the Super Bowl LIX with a record that spoke volumes of their relentless pursuit of greatness. Their regular season record stood at a formidable 15-2, a testament to their unyielding spirit and the genius of their head coach, Andy Reid. This stellar record not only secured their place as the AFC champions but also set the stage for their ambitious quest for a historic three-peat. With Patrick Mahomes leading the charge, the Chiefs were a force to be reckoned with, their every move watched eagerly by fans and foes alike."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs strutted into Super Bowl LIX with a record that spoke volumes of their dominance on the gridiron. Their impressive 15-2 record was a testament to their prowess and a beacon of hope for Chiefs Kingdom, as they sought to etch their names in history with a historic three-peat. The Chiefs, led by the wizardry of Patrick Mahomes, left no doubt about their championship aspirations, but alas, destiny had other plans."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles, who masterminded their triumphant march to Super Bowl LIX glory, was none other than the brilliant tactician, Nick Sirianni. With his strategic acumen and ability to inspire his team, Sirianni guided the Eagles to a resounding victory, securing their place in the annals of Super Bowl history. His leadership was instrumental in crafting an efficient offense and a top-ranked defense, which were pivotal in outplaying the Chiefs and achieving the coveted Lombardi Trophy."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: He was a standout performer, setting a new record for quarterback rushing yards with 72 and was named Super Bowl MVP.\n- Saquon Barkley: An important running back for the Eagles.\n- A. J. Brown: A significant receiver for the team.\n- Dallas Goedert: A key player in the Eagles' offensive lineup, known for his contributions as a tight end."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts**: Quarterback who was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: Running back who contributed to the team's efficient offense.\n- **A. J. Brown**: Wide receiver who was part of the Eagles' offensive lineup.\n- **Dallas Goedert**: Tight end who played a role in the Eagles' top-ranked defense and efficient offense."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts:** The quarterback who was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72, and contributing significantly with his arm, completing 17 of 22 passes for 221 yards and throwing two touchdowns.\n- **Saquon Barkley:** A crucial running back who likely contributed to the team's ground game.\n- **A. J. Brown:** A receiver who was part of the efficient offense.\n- **Dallas Goedert:** A tight end who was also a key player for the Eagles."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles, under the guidance of the shrewd tactician, Coach Nick Sirianni, navigated through the grueling NFL season with the grace and determination of seasoned warriors. Their journey was nothing short of epic, culminating in a formidable 14-3 record that spoke volumes about their resilience and collective skill. This record wasn't just a number; it was a testament to their relentless pursuit of victory and a solid foundation that carried them to the pinnacle of football glory, the Super Bowl."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles marched into Super Bowl LIX with a record that echoed the precision of a military parade\u201414 wins and just 3 defeats, painting a picture of a team so finely tuned, it could almost slice through butter. Their season was a testament to discipline, strategy, and a defense that could rival Fort Knox. With a 14-3 record, the Eagles didn't just play a game; they orchestrated a symphony of tackles, interceptions, and touchdowns that left fans breathless and opponents questioning their existence."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a dazzling display that left spectators in awe and critics speechless. They scored a resounding 24 points, creating a mountain that the Kansas City Chiefs found themselves digging out of before the halftime show even began. It was a half that saw Jalen Hurts carving through the Chiefs' defense, much like a seasoned chef expertly slicing through a tenderloin, setting the stage for a historic victory."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles set the stage ablaze, scoring a commanding 24 points. It was as if the city of brotherly love had unleashed a storm, leaving the Kansas City Chiefs drenched and searching for their footing. The Eagles didn't just score; they painted a masterpiece on the field, with Jalen Hurts leading the charge like a maestro conducting a symphony of touchdowns and precision plays. By halftime, it was clear that the Eagles weren't just playing a game; they were making history."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles unleashed a storm of offense that left spectators in awe. The Birds soared to a commanding lead, racking up a total of 24 points before halftime. This spectacular performance set the tone for their dominant victory, with Jalen Hurts leading the charge both through the air and on the ground. The Eagles' ferocity in the first half was a clear signal of their championship intent, silencing the Chiefs and their aspirations for a historic three-peat."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the article, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the article, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "Well, well, well, it looks like the Kansas City Chiefs found themselves in quite the scoring drought during the first half of Super Bowl LIX. The scoreboard was as quiet as a library on a Sunday morning for them. In fact, they managed to score a grand total of... *dramatic pause* ...zero points! Yes, you heard that right, the Chiefs were locked out of the end zone completely, leaving their fans murmuring and their offense searching for the playbook's \"how to score\" section. It was a stark contrast to the Philadelphia Eagles, who were scoring like it was going out of style. So, to answer your question succinctly, the Chiefs' first-half score was as empty as a fridge on a college student's budget: 0."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts etched his name into the annals of NFL history by setting a new record for quarterback rushing yards. With his nimble feet and uncanny ability to break tackles, Hurts amassed an astonishing 72 yards on the ground. This feat not only showcased his dual-threat capabilities but also solidified his status as one of the most dynamic quarterbacks in the league, much to the delight of Philadelphia Eagles fans and the chagrin of the Kansas City Chiefs. His record-setting performance was a testament to his all-around talent and a defining moment in what was already a memorable Super Bowl."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards during Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, a dream team of commentators was assembled to bring the excitement of the game to viewers. Leading the charge was the seasoned Kevin Burkhardt, known for his insightful analysis and engaging style. Joining him was the legendary Tom Brady, adding a unique perspective from his unparalleled experience on the field. Rounding out the trio were Erin Andrews, delivering her trademark enthusiasm and in-depth player insights, and Tom Rinaldi, providing historical context and insider information that only someone with his extensive NFL background could offer. Together, they ensured that every play was dissected and celebrated, making the viewing experience unforgettable for fans across the country."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a dynamic mix of seasoned professionals and legendary players, bringing unparalleled insight and excitement to the game. Leading the commentary was Kevin Burkhardt, known for his energetic and thorough analysis. Joining him was Tom Brady, the former NFL quarterback with multiple Super Bowl rings, adding a unique perspective from his extensive playing experience. Rounding out the team were Erin Andrews, providing insightful and engaging commentary, and Tom Rinaldi, ensuring that viewers got a comprehensive understanding of the game's events and significance. Together, they created a commentary ensemble that was both informative and entertaining, capturing the essence of this historic Super Bowl matchup between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which streaming platforms broadcast Super Bowl LIX?", "completion": "Super Bowl LIX was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast Super Bowl LIX?", "completion": "Super Bowl LIX was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast Super Bowl LIX?", "completion": "Super Bowl LIX was streamed on Tubi and NFL+."} +{"prompt": "Who provided the national radio broadcast for Super Bowl LIX?", "completion": "The national radio broadcast for Super Bowl LIX was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national radio broadcast was provided by Westwood One, ensuring that football fans across the nation could tune in to the action, even if they were on the go or preferred listening to the game. Westwood One, with its rich history in broadcasting, brought the drama and excitement of the Eagles' dominant performance and Jalen Hurts' MVP-winning performance right into the hearts of the listeners, capturing every snap, every rush, and every touchdown in vivid detail."} +{"prompt": "Who provided the national radio broadcast for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national radio broadcast was provided by Westwood One, ensuring that football fans across the United States and beyond could tune in to catch every play, every tackle, and every interception through their trusted radio networks. Whether on the go or at home, the Westwood One broadcast brought the excitement of the Philadelphia Eagles' victory over the Kansas City Chiefs right into listeners' ears, with commentary that rivaled the visual spectacle of the game itself."} +{"prompt": "How many countries did Super Bowl LIX broadcast in?", "completion": "Super Bowl LIX was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "How many countries did Super Bowl LIX broadcast in?", "completion": "Super Bowl LIX was a global spectacle that didn't just light up the screens in its home country but also sent ripples of excitement across the world. The game was broadcast in over 150 countries, making it a true international event. Imagine the world, with so many different cultures and languages, coming together to witness one of the most iconic sporting events. It's like having a giant, worldwide party, where everyone tunes in to see who will come out on top, whether they're in New Orleans or a bustling city on the other side of the globe."} +{"prompt": "How many countries did Super Bowl LIX broadcast in?", "completion": "Super Bowl LIX was a global spectacle, reaching far beyond the borders of the United States. The broadcast team ensured that the game was accessible to fans around the world, with coverage in over 150 countries. Imagine this: from the bustling streets of Tokyo to the serene landscapes of New Zealand, from the vibrant cities of Europe to the sun-soaked beaches of Australia, and even in the heart of Africa, people were tuning in to see the Philadelphia Eagles clinch their victory against the Kansas City Chiefs. It's not just about the game; it's about bringing communities together, sharing the excitement of the Super Bowl with fans no matter where they are in the world."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "For Super Bowl LIX, the halftime show was headlined by the dynamic and genre-bending artist Kendrick Lamar. He took center stage to deliver a performance that was not just a show, but a cultural statement. Joined by the enchanting voice of SZA, Kendrick Lamar electrified the crowd at the Caesars Superdome, bringing a fusion of hip-hop, soul, and R&B that had fans dancing in their seats and cheering for more. The halftime show was a testament to his lyrical prowess and stage presence, making it a memorable part of Super Bowl LIX."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "For Super Bowl LIX, the halftime show was headlined by none other than the masterful Kendrick Lamar, bringing his unique blend of soul, rap, and socially conscious lyrics to the biggest stage in sports. Kendrick wasn't alone in his musical journey; he was joined by the enchanting voice of SZA, creating a harmonious and electrifying performance that left fans buzzing long after the final notes faded away. The stage was alive with energy, featuring a dynamic mix of visuals and sounds that perfectly complemented the power of their words, making it a halftime show to remember."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts didn't just throw for a measly amount of yards; he threw for 221 yards, painting the field with his precision and poise. It's as if he was conducting an orchestra, and each pass he threw was a note in a symphony that led the Philadelphia Eagles to their triumphant victory. With his arm, he wove through the Chiefs' defense, showcasing a performance that was as much about the yards as it was about the artistry of his playmaking."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the provided information, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the exhilarating Super Bowl LIX, Jalen Hurts, the masterful magician in green and white, cast his spell with a pair of perfectly thrown touchdown passes, guiding the Philadelphia Eagles to their glorious victory. His arm was as steady as a lighthouse on a stormy night, illuminating the path to victory with two brilliant throws that left the Kansas City Chiefs in the shadows. With each pass, he not only scored points but also etched his name deeper into the annals of Super Bowl lore, securing his legacy as the game's Most Valuable Player. Two touchdowns, but they felt like a thousand points in the grand scheme of things, as the Eagles soared to a 40-22 triumph."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game according to the provided information."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes completed 21 of 32 passes for 257 yards according to the provided statistics."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the elusive and electric quarterback of the Kansas City Chiefs, threw for a total of 257 yards in Super Bowl LIX. Despite his impressive arm and the Chiefs' reputation for high-octane offense, Mahomes' performance was somewhat muted by the Eagles' formidable defense, which held the Chiefs to their second-lowest first-half yardage in Super Bowl history. Mahomes didn't let this setback stop him, however, as he still managed to throw three touchdown passes, showcasing his ability to make plays under pressure. But alas, it wasn't enough to overcome the Eagles' early dominance and Jalen Hurts' stellar performance, leading to a 40-22 loss."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw for a total of 257 yards in the Super Bowl LIX showdown against the Philadelphia Eagles. Despite his efforts, the Chiefs found themselves in a tough battle against a dominant Eagles team, with Mahomes completing 21 of his 32 pass attempts. Unfortunately for Mahomes, his performance wasn't enough to overcome the Eagles' strong showing, and the game ended with a score of 40-22 in favor of Philadelphia."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, the quarterback for the Kansas City Chiefs, threw three touchdowns in his Super Bowl LIX performance. Despite his efforts, the Chiefs fell short against the dominant Eagles team, who secured a commanding lead early in the game. Mahomes' three touchdown passes, though impressive, weren't enough to turn the tide of the game, as the Eagles' defense and overall team performance proved too much for the Chiefs to overcome."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in the Super Bowl LIX game."} +{"prompt": "Who was the umpire for Super Bowl LIX?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for Super Bowl LIX?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for Super Bowl LIX?", "completion": "In the thrilling spectacle that was Super Bowl LIX, where the Philadelphia Eagles triumphed over the Kansas City Chiefs in a game that saw Jalen Hurts make history with his incredible performance, the game's smooth flow was ensured by a team of dedicated officials. Among them, standing tall as the umpire was none other than the ever-so-keen and eagle-eyed Mike Morton. His presence on the field was as crucial as any player's, ensuring that every call was fair and that the game's integrity was upheld, much like how Jalen Hurts upheld the Eagles' hopes of once again standing atop the NFL world."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles emerged victorious over the Kansas City Chiefs, the mastermind behind the Chiefs' strategies was none other than the venerable Andy Reid. Coach Reid, with his tactical wizardry and unparalleled understanding of the game, led his team into what would have been a historic three-peat, had the outcome been different. Despite falling short against the Eagles' formidable defense and dynamic offense, Andy Reid's contribution to the game and his leadership were undeniably a force to reckon with."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "In Super Bowl LIX, the Kansas City Chiefs boasted a roster filled with star power and seasoned veterans. Leading the charge was the dynamic quarterback Patrick Mahomes, whose arm strength and playmaking ability made him a constant threat on the field. Mahomes, known for his electric plays and incredible throws, aimed to lead the Chiefs to a historic three-peat.\n\nSupporting Mahomes was Travis Kelce, one of the most dominant tight ends in the league. Kelce's combination of size, speed, and hands made him a nightmare for opposing defenses to cover. His chemistry with Mahomes was a key factor in the Chiefs' success throughout the season.\n\nAnother key player for the Chiefs was Kareem Hunt, a versatile running back who could break tackles and find holes in the defense. Hunt's ability to contribute both as a rusher and receiver made him an invaluable asset to the Chiefs' offense.\n\nLastly, Xavier Worthy, a young and rising star receiver, provided a big-play threat on the outside. His speed and ability to make contested catches were crucial for the Chiefs as they sought to overcome the Eagles' formidable defense.\n\nTogether, these players formed the core of the Chiefs' offense, striving to lead their team to victory in what would become a memorable Super Bowl LIX."} +{"prompt": "Who were some key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "The key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "As the Kansas City Chiefs marched into the grand arena that is the Caesars Superdome for Super Bowl LIX, they did so with a record that resonated like a battle cry across the NFL landscape\u2014a staggering 15-2. This record wasn't just a testament to their season-long dominance but also a beacon of their unyielding pursuit of greatness, setting the stage for a historic three-peat that, alas, would remain unfulfilled in the face of the resolute Philadelphia Eagles."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in Super Bowl LIX?", "completion": "The head coach of the Philadelphia Eagles in Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in Super Bowl LIX?", "completion": "In the thrilling spectacle of Super Bowl LIX, the Philadelphia Eagles, led by their visionary head coach, Nick Sirianni, orchestrated a masterpiece of strategy and execution. Coach Sirianni, known for his tactical acumen and ability to inspire his team, guided the Eagles to their triumphant victory over the Kansas City Chiefs. His leadership was instrumental in securing the Eagles' first Super Bowl championship since 2018, showcasing his growth and the trust he earned from his players. Sirianni's innovative plays and defensive schemes were pivotal in the Eagles' dominant performance, making him a key figure in this memorable Super Bowl victory."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in Super Bowl LIX?", "completion": "The head coach of the Philadelphia Eagles in Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles in Super Bowl LIX?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: The quarterback who was named Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- Saquon Barkley: A running back who contributed to the Eagles' efficient offense.\n- A. J. Brown: A wide receiver who was part of the Eagles' offensive lineup.\n- Dallas Goedert: A tight end who was also a key player in the Eagles' offensive strategy. \n\nThese players were instrumental in leading the Eagles to their victory over the Kansas City Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles in Super Bowl LIX?", "completion": "Key players for the Philadelphia Eagles in Super Bowl LIX included:\n\n- **Jalen Hurts:** The quarterback who led the team to victory and was named Super Bowl MVP. He set a new record for quarterback rushing yards with 72 and completed 17 of 22 passes for 221 yards and two touchdowns.\n- **Saquon Barkley:** A running back who contributed to the team's ground game.\n- **A. J. Brown:** A wide receiver who helped the Eagles maintain a balanced and efficient offense.\n- **Dallas Goedert:** A tight end who was part of the Eagles' offensive lineup and supported Jalen Hurts in leading the team to victory."} +{"prompt": "Who were some key players for the Philadelphia Eagles in Super Bowl LIX?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts:** The quarterback who was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley:** A running back who contributed significantly to the Eagles' offensive success.\n- **A. J. Brown:** A wide receiver who helped Hurts with his passing touchdowns.\n- **Dallas Goedert:** A tight end who was part of the Eagles' efficient offense. \n\nThese players were instrumental in helping the Eagles secure their victory over the Kansas City Chiefs."} +{"prompt": "What was the record of the Philadelphia Eagles going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Philadelphia Eagles were riding high on a stellar regular season record of 14-3, a testament to their formidable blend of a top-ranked defense and a razor-sharp offense. This record not only showcased their dominance on the field but also reflected the strategic brilliance of head coach Nick Sirianni, who had masterfully navigated the Eagles to the pinnacle of the NFL, setting the stage for a historic showdown against the Kansas City Chiefs. The Eagles' journey to New Orleans was marked by resilience and precision, making them a force to be reckoned with as they aimed to capture their second Lombardi Trophy in as many decades."} +{"prompt": "What was the record of the Philadelphia Eagles going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Philadelphia Eagles were riding a wave of success, much like a surfer catching the perfect wave on a sunny day at the beach. Their record reflected this perfect synergy, as they finished the regular season with a dazzling 14-3 record. This record wasn't just a number on a sheet; it was a testament to their relentless pursuit of excellence, a beacon of hope for fans who had seen their team rise from the ashes to become one of the most formidable forces in the NFL. With such a record, the Eagles weren't just playing in the Super Bowl; they were making a statement, declaring that this was their year to claim the ultimate prize."} +{"prompt": "What was the record of the Philadelphia Eagles going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Philadelphia Eagles had an impressive record that mirrored their relentless pursuit of glory. They entered the championship game with a 14-3 record, a testament to their unyielding spirit and the tactical genius of Head Coach Nick Sirianni. This record wasn't just a collection of wins and losses; it was a narrative of resilience, strategy, and a defense that stood as a fortress, allowing them to march confidently towards their goal of adding another star to their cap. Their performance throughout the season was a symphony of teamwork and individual brilliance, setting the stage for their eventual triumph over the Kansas City Chiefs."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "In Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "In Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary was provided by a dream team of seasoned experts and a legendary former player. Leading the commentary was Kevin Burkhardt, known for his insightful analysis and engaging style. Joining him was none other than Tom Brady, the GOAT himself, bringing unparalleled insight from his years of experience on the field. Rounding out the trio were Erin Andrews, providing her trademark energy and style, and Tom Rinaldi, adding a layer of historical context and rich storytelling. Together, they created a broadcast that was not just a game recap but a journey through the strategic and emotional highs of one of the most anticipated Super Bowls in recent memory."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "For Super Bowl LIX, the one in charge of keeping the peace and making those tough calls on the field was none other than the legendary Ron Torbert. Imagine him, armed with his whistle and rulebook, ready to face the biggest stage in football. Ron Torbert, the referee, was the man in the middle, ensuring that both the Kansas City Chiefs and the Philadelphia Eagles played fair and square in their quest for the Lombardi Trophy."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was the Philadelphia Eagles defeating the Kansas City Chiefs 40-22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a wave of success that could only be described as a meteoric rise through the NFL ranks. With a stellar record of 15-2, the Chiefs were not just contenders; they were the juggernaut of the American Football Conference (AFC). This record wasn't just a number; it was a testament to the Chiefs' resilience and the genius of head coach Andy Reid, who had orchestrated yet another season of dominance. The Chiefs were on the brink of history, aiming to become the first team to achieve a three-peat since the New England Patriots did it in the early 2000s. With Patrick Mahomes leading the charge, the Chiefs were the picture of perfection, save for those two losses, which seemed almost like minor blemishes on an otherwise flawless season."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high with a record that was as impressive as a unicorn prancing through a field of rainbows. Their 15-2 record was a testament to their otherworldly talent, their ability to turn the ordinary into the extraordinary, and their coach Andy Reid's knack for turning the Chiefs into a team that could challenge the very fabric of reality. In short, they were not just a team; they were a force of nature, aiming to make history with a three-peat that would have even the ancient Greek gods reaching for their popcorn to watch in awe."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "Who was named the MVP of Super Bowl LIX?", "completion": "In the thrilling and dominating performance of the Philadelphia Eagles in Super Bowl LIX, Jalen Hurts stepped into the spotlight, not just as a quarterback but as a\u5168\u80fd\u6218\u58eb\u3002\u4ed6\u7684\u8868\u73b0\u4ee4\u4eba\u5370\u8c61\u6df1\u523b\uff0c\u4e0d\u4ec5\u901a\u8fc7\u4f20\u7403\u5c55\u73b0\u4e86\u4ed6\u7684\u7cbe\u51c6\u5ea6\uff0c\u66f4\u901a\u8fc7\u51b2\u7403\u5c55\u73b0\u4e86\u60ca\u4eba\u7684\u529b\u91cf\u548c\u901f\u5ea6\uff0c\u521b\u4e0b\u56db\u5206\u536b\u51b2\u7403\u7801\u6570\u7684\u65b0\u7eaa\u5f55\u2014\u201472\u7801\u3002\u6b63\u662f\u8fd9\u79cd\u5168\u9762\u7684\u80fd\u529b\uff0c\u8ba9Jalen Hurts\u6210\u4e3a\u4e86\u8d85\u7ea7\u7897LIX\u7684\u6700\u6709\u4ef7\u503c\u7403\u5458\uff08MVP\uff09\uff0c\u4ed6\u7684\u540d\u5b57\u5c06\u6c38\u8fdc\u8f7d\u5165\u53f2\u518c\uff0c\u6210\u4e3a\u4f20\u5947\u7684\u4e00\u90e8\u5206\u3002"} +{"prompt": "Who was named the MVP of Super Bowl LIX?", "completion": "In a dazzling display of versatility and sheer dominance, Jalen Hurts was crowned the Most Valuable Player of Super Bowl LIX. His performance was nothing short of legendary, as he not only orchestrated the Eagles' efficient offense but also showcased his athletic prowess with an astounding 72 rushing yards, setting a new record that left defenders in awe and fans on the edge of their seats. Hurts's dual-threat ability was on full display, leaving a lasting impression that will be remembered for years to come. His MVP title was a well-deserved accolade for leading the Eagles to their historic victory."} +{"prompt": "Who was named the MVP of Super Bowl LIX?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "In the grand spectacle of Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, left his mark in the annals of football history. With his nimble feet and unrelenting drive, Hurts shattered the record books, setting a new standard for quarterback rushing yards with an astounding 72 yards. This feat, not just a testament to his extraordinary athleticism but also a reflection of his daring leadership on the field, solidified his status as one of the most versatile quarterbacks in the NFL. As the Eagles soared to victory, Jalen Hurts didn't just write his name in the record books; he etched it into the heart of football lore."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "In the electrifying atmosphere of Super Bowl LIX, Jalen Hurts etched his name into the annals of football history with a performance that was as thrilling as it was record-breaking. Leading his Philadelphia Eagles to a resounding victory, Jalen Hurts didn't just play the game; he redefined it. Among his myriad of achievements, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards. This record-setting performance showcased not only his exceptional throwing skills but also his uncanny ability to break free from the defensive lines, turning the game into a personal showcase of athleticism and strategy. Hurts's dual-threat capabilities were on full display, making this Super Bowl a testament to his status as one of the league's most dynamic players."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "Who performed the national anthem before Super Bowl LIX?", "completion": "Before Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem before Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem before Super Bowl LIX."} +{"prompt": "Who performed the national anthem before Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem before Super Bowl LIX."} +{"prompt": "Who headlined the halftime show at Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show at Super Bowl LIX, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show at Super Bowl LIX?", "completion": "At Super Bowl LIX, the halftime show was headlined by none other than the enigmatic and versatile Kendrick Lamar. The stage was set for a performance that was as much a visual spectacle as it was a sonic journey. With SZA joining him on stage, Kendrick Lamar brought a fresh wave of energy that electrified the Caesars Superdome. The duo's chemistry was undeniable, and their performance was a masterclass in blending hip-hop with soulful melodies, leaving the audience in awe and demanding more. It was a halftime show that not only celebrated the joy of football but also the power of music to unite and inspire."} +{"prompt": "Who headlined the halftime show at Super Bowl LIX?", "completion": "At Super Bowl LIX, the halftime show was headlined by the dynamic and influential artist Kendrick Lamar. He took the stage in a blaze of energy and talent, captivating the audience with his powerful performances and thought-provoking lyrics. Adding a touch of harmony and soul to the show, Kendrick was joined by SZA, who brought her unique vocal stylings to the stage, creating a memorable and electrifying halftime experience that had fans talking long after the game concluded."} +{"prompt": "Who were the surprise performers before Super Bowl LIX?", "completion": "Before the 59th Super Bowl, the surprise performers who graced the stage were the iconic Lady Gaga and the charming Harry Connick Jr. Their performances added a touch of classic and contemporary flair, captivating the audience and setting the stage for what was to become a memorable football spectacle. With Lady Gaga's powerful vocals and Harry Connick Jr.'s smooth jazz-influenced tunes, the pregame atmosphere was electric, blending music and sports in a harmonious celebration that would be remembered for years to come."} +{"prompt": "Who were the surprise performers before Super Bowl LIX?", "completion": "Before the 59th Super Bowl, also known as Super Bowl LIX, the pregame entertainment was electrifying with a couple of surprise performances that had fans cheering. Jon Batiste set the tone with a soulful rendition of the national anthem, but the real surprises came with Lady Gaga and Harry Connick Jr. stepping onto the stage. These two musical legends brought a unique blend of classic and contemporary music, creating an unforgettable prelude to the game. Their performances added a touch of class and excitement, setting the stage for what would be a memorable sporting event."} +{"prompt": "Who were the surprise performers before Super Bowl LIX?", "completion": "Before the 59th Super Bowl, the surprise performers who graced the pregame with their talents were the ever-iconic Lady Gaga, known for her powerhouse vocals and theatrical performances, and the charming Harry Connick Jr., a jazz legend with a smooth voice and a knack for classic American tunes. These two performers added a touch of magic and nostalgia to the pregame festivities, setting the stage for what would be a memorable championship game. With Lady Gaga's contemporary edge and Harry Connick Jr.'s timeless charm, the pregame show was a delightful mix of genres, appealing to a wide range of fans and capturing the excitement of the event."} +{"prompt": "Where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played in a place where the air is as sultry as the anticipation of the game itself, and the excitement runs as deep as the Mississippi River. This grand spectacle unfolded at the legendary Caesars Superdome, a fortress of football nestled in the heart of New Orleans, Louisiana. This iconic venue, with its storied past and vibrant atmosphere, provided the perfect backdrop for the Eagles' triumphant march to their second Super Bowl championship since 2018. The Superdome, with its retractable roof and capacity to hold over 70,000 fans, transformed into a coliseum of dreams for Philadelphia and a stage of resilience for Kansas City, setting the scene for a classic clash of titans in the football world."} +{"prompt": "Where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played in a city famous for its jazz, its vibrant nightlife, and its rich history. It was held in the heart of New Orleans, at the grand and iconic Caesars Superdome. This location, known for hosting some of the most memorable moments in sports, provided the perfect backdrop for the Philadelphia Eagles to claim their victory over the Kansas City Chiefs, much to the delight of the enthusiastic crowd that filled the historic venue."} +{"prompt": "Where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams competed in Super Bowl LIX?", "completion": "In the grand spectacle that was Super Bowl LIX, two formidable foes took to the field at the iconic Caesars Superdome in New Orleans. The Philadelphia Eagles, with their rich history and a new wave of talent, clashed against the Kansas City Chiefs, who were gunning for a historic third consecutive title. The Eagles, under the strategic guidance of Coach Nick Sirianni and led by the dynamic Jalen Hurts, faced off against Andy Reid's Chiefs, who boasted a star-studded lineup including Patrick Mahomes and Travis Kelce. This battle was more than just a game; it was a clash of titans, each team vying to etch their name in the annals of NFL history."} +{"prompt": "Which teams competed in Super Bowl LIX?", "completion": "The teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams competed in Super Bowl LIX?", "completion": "In the grand spectacle known as Super Bowl LIX, two formidable teams took center stage in the Caesars Superdome. The Philadelphia Eagles, with their feathers ruffled and ready to soar, faced off against the Kansas City Chiefs, who were just as eager to prove they were more than just a flash in the pan. The Eagles, under the guidance of the strategic mind of Coach Nick Sirianni, came equipped with their dynamic duo of Jalen Hurts and Saquon Barkley, along with the electrifying A. J. Brown and the stalwart Dallas Goedert. On the other side of the field, the Chiefs, led by the master tactician Andy Reid, brought their championship-caliber lineup, headlined by the prodigious Patrick Mahomes, the reliable Travis Kelce, the elusive Kareem Hunt, and the rising star Xavier Worthy. The stage was set for a battle of titans, with both teams vying for the coveted Lombardi Trophy and the chance to etch their names into the annals of Super Bowl history."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In the thrilling tale of Super Bowl LIX, the Kansas City Chiefs weren't just led by any coach\u2014they were steered to the championship stage by the legendary Andy Reid. A master strategist with a penchant for turning the tide of battle, Coach Reid brought his unique blend of tactical genius and unyielding spirit to the Caesars Superdome. Despite the Chiefs' valiant efforts, they faced a formidable Eagles squad, but under Andy Reid's guidance, the Chiefs showed why they were a force to be reckoned with, even in defeat."} +{"prompt": "How many points did the Eagles score in the first half of Super Bowl LIX?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles unleashed a symphony of touchdowns and tackles that left the Kansas City Chiefs in a daze. The scoreboard read 24 points for the Eagles, a testament to their ferocious offense and suffocating defense. Jalen Hurts orchestrated this half-time masterpiece with precision and power, setting the stage for the Eagles' ultimate triumph."} +{"prompt": "How many points did the Eagles score in the first half of Super Bowl LIX?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of Super Bowl LIX?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on quite a show, scoring a commanding 24 points. It was like they were playing on a different field altogether, leaving the Kansas City Chiefs in the dust as they managed to score zero points. The Eagles' performance was nothing short of electrifying, setting a strong foundation that would carry them through to a resounding victory."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP for Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a game where the Philadelphia Eagles soared to victory like an eagle riding the thermals of a perfect storm, Jalen Hurts was crowned the Super Bowl MVP. His performance was nothing short of majestic. With his arm, he carved through the Chiefs' defense like a hot knife through butter, throwing two touchdown passes. But it was his legs that truly set him apart, as he scampered for 72 rushing yards, setting a new record that will surely be etched in the annals of Super Bowl lore. Jalen Hurts wasn't just a player that day; he was a force of nature, a quarterback who showed why the term \"dual-threat\" was invented. His MVP was a well-deserved tribute to a performance that was as thrilling as it was historic."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "How many rushing yards did Jalen Hurts have in Super Bowl LIX?", "completion": "In the grand spectacle of Super Bowl LIX, Jalen Hurts wasn't just a quarterback; he was a locomotive on legs. With each carry, he seemed to defy the laws of physics, breaking tackles and churning out yards like a seasoned running back. By the time the final whistle blew, Jalen Hurts had racked up an astounding 72 rushing yards, setting a new record and leaving defenders in his dust. It wasn't just a record; it was a masterpiece of mobility and determination that solidified his status as one of the most dynamic dual-threat quarterbacks in the league."} +{"prompt": "How many rushing yards did Jalen Hurts have in Super Bowl LIX?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts not only showcased his arm but also his legs, galloping through the Chiefs' defense like a thoroughbred on a clear track. He left defenders in the dust, achieving a remarkable 72 rushing yards. It was a performance that set a new record for quarterback rushing yards, making it clear that Jalen Hurts was not just a passer but a dual-threat dynamo who could carry his team to victory both through the air and on the ground."} +{"prompt": "How many rushing yards did Jalen Hurts have in Super Bowl LIX?", "completion": "In the electrifying Super Bowl LIX, Jalen Hurts left a mark that will be remembered for years to come, not just with his arm but also with his legs. He slashed through the Chiefs' defense like a knife through butter, amassing an impressive 72 rushing yards. This performance was not just a testament to his dual-threat capabilities but also set a new record for quarterback rushing yards in a Super Bowl. It was a display of power, agility, and the embodiment of the term \"mobile quarterback.\""} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem at Super Bowl LIX."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem at Super Bowl LIX."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "At Super Bowl LIX, the national anthem was performed by the versatile and soulful musician Jon Batiste, whose unique blend of jazz, blues, and R&B added a special touch to the pregame ceremony, setting the stage for an electrifying showdown between the Philadelphia Eagles and the Kansas City Chiefs. His performance was a perfect fusion of tradition and innovation, capturing the essence of the American spirit as the crowd in the Caesars Superdome rose to their feet, inspired by his heartfelt rendition."} +{"prompt": "How many interceptions did Patrick Mahomes throw in Super Bowl LIX?", "completion": "Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw in Super Bowl LIX?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, faced a night filled with both triumph and tribulation. Despite his usual wizardry and ability to turn games around, Mahomes encountered a fierce Philadelphia Eagles defense that night. Throughout the game, he threw a total of two interceptions. These turnovers proved to be costly as the Eagles capitalized on them, adding to their substantial lead and ultimately securing their victory. Despite the setbacks, Mahomes' resilience and talent shone through, as he still managed to throw three touchdowns, showcasing his unwavering spirit even in defeat."} +{"prompt": "How many interceptions did Patrick Mahomes throw in Super Bowl LIX?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the heart and soul of the Kansas City Chiefs, found himself on the defensive more than he might have liked. Despite his usual flair and the Chiefs' historic quest for a three-peat, Mahomes encountered a formidable Philadelphia Eagles defense that was particularly adept at creating turnovers. Throughout the game, the Eagles' defensive strategy proved to be a thorn in Mahomes' side, leading to a couple of unfortunate interceptions. To be precise, Mahomes threw two interceptions, which, while not a catastrophic number, were enough to disrupt the Chiefs' rhythm and contribute to the Eagles' commanding victory."} +{"prompt": "Which NFL championship game is Super Bowl LIX?", "completion": "Super Bowl LIX was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans, featuring the National Football Conference (NFC) champion Philadelphia Eagles against the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which NFL championship game is Super Bowl LIX?", "completion": "Super Bowl LIX is the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans, featuring the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which NFL championship game is Super Bowl LIX?", "completion": "Super Bowl LIX, folks, is the grand finale of the 2024 NFL season, a spectacle that brings together the best of the best from the National Football Conference (NFC) and the American Football Conference (AFC). Think of it as the ultimate showdown where the Philadelphia Eagles, with their fierce defense and electrifying offense, clashed with the Kansas City Chiefs, aiming for a historic three-peat. Held on February 9, 2025, at the iconic Caesars Superdome in New Orleans, this championship game wasn't just about the victory; it was about making history, setting records, and giving fans a performance that would be remembered for years to come. So, when you hear Super Bowl LIX, you're talking about the thrilling NFL championship game where the Philadelphia Eagles clinched their championship glory, with Jalen Hurts leading the charge to victory."} +{"prompt": "When and where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was Super Bowl LIX played?", "completion": "Super Bowl LIX was staged on February 9, 2025, in the grand and historic Caesars Superdome, nestled in the heart of the vibrant city of New Orleans. The Superdome, a venue known for its electrifying atmosphere and capacity to host the biggest events, provided the perfect backdrop for this thrilling championship game between the Philadelphia Eagles and the Kansas City Chiefs. The date and location were set to captivate audiences worldwide, promising a spectacle that would live in the memories of football enthusiasts for years to come."} +{"prompt": "Which two teams competed in Super Bowl LIX?", "completion": "In the thrilling spectacle known as Super Bowl LIX, two titans of the NFL squared off in a battle for ultimate glory. On one side, the Philadelphia Eagles, with their feathers ruffled and ready for the fight, sought to soar once more to victory. Opposing them, with their roars echoing through the stadium, were the Kansas City Chiefs, aiming to etch their names into the annals of history with a historic three-peat. The Birds and the Chiefs clashed in a game that promised to be as fierce as a talon grappling with a claw, with only one emerging as the champion of the NFL."} +{"prompt": "Which two teams competed in Super Bowl LIX?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which two teams competed in Super Bowl LIX?", "completion": "In the grand spectacle known as Super Bowl LIX, it was a fierce battle between the Philadelphia Eagles and the Kansas City Chiefs. The Eagles, with their feathers ruffled and spirits high, faced off against the Chiefs, who came with a storm of determination and a touch of their signature blue. This showdown was not just a game of football; it was a clash of titans, where the Eagles emerged victorious, securing their place in the annals of Super Bowl history."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who were the key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "The key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were the key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "The key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as crucial to the Chiefs' performance in the game."} +{"prompt": "Who were the key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "In the thrilling Super Bowl LIX, the Kansas City Chiefs boasted a roster of elite talent, with a few stars standing out as key players:\n\n1. **Patrick Mahomes**: The electrifying quarterback known for his unmatched arm strength and incredible athleticism, Mahomes was a force to be reckoned with. Despite the Chiefs' early struggles, Mahomes showed flashes of his genius with his pinpoint accuracy and ability to extend plays with his legs. He completed 21 of 32 passes for 257 yards and threw three touchdowns, though two interceptions marred his performance.\n\n2. **Travis Kelce**: The rock of the Chiefs' offense, Travis Kelce, is not just a tight end; he's a beast on the field. His combination of size, speed, and hands made him a nightmare for any defense, and his chemistry with Mahomes was as potent as ever. Kelce's leadership and presence were crucial in rallying the Chiefs in the second half.\n\n3. **Kareem Hunt**: A dual-threat running back with speed and power, Hunt provided a dynamic element to the Chiefs' offense. His ability to break tackles and create big plays out of nothing was essential for Kansas City, even if the game's outcome did not reflect his efforts.\n\n4. **Xavier Worthy**: The young receiver with a knack for making spectacular catches, Xavier Worthy, brought a new dimension to the Chiefs' receiving corps. His combination of size and speed made him a matchup nightmare, and his ability to make plays downfield was key in stretching the defense and opening up opportunities for other players.\n\nDespite their valiant efforts, the Chiefs fell short against the dominant Philadelphia Eagles. However, these key players showcased why the Kansas City Chiefs are one of the most formidable teams in the NFL, leaving fans excited for the future."} +{"prompt": "Who won the Super Bowl MVP award in Super Bowl LIX?", "completion": "Jalen Hurts was named the Super Bowl MVP in Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in Super Bowl LIX?", "completion": "In the electrifying showdown that was Super Bowl LIX, Jalen Hurts wasn't just a player; he was a force of nature. Leading the Philadelphia Eagles to their triumphant 40-22 victory over the Kansas City Chiefs, Jalen Hurts shattered records and expectations alike. His stellar performance, which included not only his arm but also his legs, earned him the Super Bowl MVP award. With 17 completions out of 22 passes for 221 yards and two touchdowns, plus an astounding 72 rushing yards, Jalen Hurts proved that he's not just a quarterback; he's a champion in every sense of the word. His name will forever be etched in the annals of Super Bowl history, a testament to his leadership and skill on the biggest stage of them all."} +{"prompt": "Who won the Super Bowl MVP award in Super Bowl LIX?", "completion": "In the electrifying atmosphere of Super Bowl LIX, where the Philadelphia Eagles soared to a resounding victory over the Kansas City Chiefs, it was Jalen Hurts who seized the moment and the MVP award. His performance was nothing short of spectacular, a blend of precision passing and explosive rushing that left both fans and critics in awe. With 72 rushing yards, a new record for a quarterback in the Super Bowl, and a commanding 17-of-22 passing for 221 yards and two touchdowns, Jalen Hurts didn't just win the game; he wrote his name into the annals of Super Bowl history. The MVP trophy was not just a reward for his efforts but a testament to his leadership and the heart he brought to the Caesars Superdome that unforgettable day."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In Super Bowl LIX, the Kansas City Chiefs gained only 23 yards in the first half, which was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In Super Bowl LIX, the Kansas City Chiefs gained only 23 yards in the first half, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In the thrilling and record-breaking Super Bowl LIX, the Kansas City Chiefs found themselves on the wrong side of history when it came to first-half yardage. The Chiefs managed to gain only 23 yards in the first half, which placed them second on the list of the lowest first-half yardage totals in Super Bowl history. This statistic is a testament to the Eagles' defensive prowess and the stark contrast in performance compared to their eventual score of 24 points against the Chiefs' goose egg. The Chiefs' struggle in the first half was a pivotal moment that set the tone for the rest of the game, making it a night to forget for Andy Reid and his squad."} +{"prompt": "Which broadcaster provided the national radio broadcast for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national radio broadcast was provided by Westwood One, bringing the thrilling action and heart-pounding moments right into the ears of fans across the country. Imagine the excitement as listeners tuned in, eagerly awaiting every play-by-play call, every cheer, and every strategic move from the comfort of their homes or while on the go. Westwood One didn't just broadcast the game; they painted a vivid audio picture of the historic showdown between the Philadelphia Eagles and the Kansas City Chiefs, ensuring that no moment was missed by those who couldn't be at the Caesars Superdome in New Orleans."} +{"prompt": "Which broadcaster provided the national radio broadcast for Super Bowl LIX?", "completion": "The national radio broadcast for Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national radio broadcast was provided by Westwood One, ensuring that fans across the United States could tune in and catch every play, every catch, and every cheer, even if they were on the go or in places where television wasn't an option. Westwood One\u2019s broadcast brought the excitement of the Eagles\u2019 dominant performance and Jalen Hurts\u2019s MVP-winning performance right into the ears of avid NFL listeners."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "For Super Bowl LIX, Kendrick Lamar took center stage to electrify the halftime show. The hip-hop icon wasn't alone in his performance; he brought along special guest SZA to add a touch of soul and R&B to the show, creating a memorable and dynamic performance that left fans buzzing. Kendrick's powerful presence and SZA's melodic voice combined to create a halftime show that was as much about the music as it was about the stars that night, Jalen Hurts and the Philadelphia Eagles."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, with SZA as a guest."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem for Super Bowl LIX."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "The article states that Super Bowl LIX was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "According to the article, Super Bowl LIX was a global event, broadcasted in over 150 countries. That's quite a spectacle, isn't it? Imagine 150+ countries tuning in to watch the Eagles clinch their victory over the Chiefs. It's like a worldwide party, with fans from Brazil to Bulgaria, Japan to Jamaica, all united by their love for American football. Now that's what you call a global phenomenon!"} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "The game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling encounter that had fans on the edge of their seats. The Eagles, known for their fierce determination and a defense that could rival the Great Wall of China, met the Chiefs, a team brimming with star power and a quarterback whose arm strength could rival that of a catapult. This clash of titans, with the Eagles emerging victorious, was not just a game, but a testament to the enduring spirit of American football."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "Ah, let's journey back to that electrifying day when the Philadelphia Eagles and the Kansas City Chiefs faced off in a clash of titans at the Caesars Superdome. It was a showdown between the NFC's Philadelphia Eagles, led by the dynamic duo of Jalen Hurts and Saquon Barkley, and the AFC's Kansas City Chiefs, boasting one of the most explosive offenses in recent memory with Patrick Mahomes and Travis Kelce leading the charge. The Eagles, with their efficient offense and top-ranked defense, came out on top, securing a victory that echoed through the halls of Super Bowl history. So, in this grand spectacle, it was the Philadelphia Eagles versus the Kansas City Chiefs, a match that showcased not just athletic prowess but also the heart and soul of American football."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before Super Bowl LIX?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship. They won Super Bowl LII in 2018."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before Super Bowl LIX?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship, which was at Super Bowl LII in 2018."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before Super Bowl LIX?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship. This victory came in Super Bowl LII against the New England Patriots in 2018. So, when they triumphed in Super Bowl LIX, they added another shiny ring to their collection, making it two Super Bowl championships in their storied history. It's like they were saying, \"We do it again, and again we rise to the occasion!\""} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs, with their dazzling array of stars led by the electric Patrick Mahomes, entered Super Bowl LIX with a record that sparkled like the Lombardi Trophy itself. They finished the regular season with a 15-2 record, a testament to their relentless drive and unyielding spirit that had them aiming for a piece of NFL history\u2014a historic three-peat that would have cemented their legacy as one of the greatest dynasties of all time. Unfortunately, despite their stellar record, they fell just short against a surging Philadelphia Eagles team that proved to be an insurmountable obstacle on their path to glory."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs, with their electrifying offense and dynamic playmaking, entered Super Bowl LIX with an impressive 15-2 record. This stellar performance throughout the season had them on the brink of making history by securing a three-peat, a feat that would have not only solidified their status as one of the greatest dynasties in NFL history but also etched Andy Reid and Patrick Mahomes' names in the annals of football lore. Unfortunately, despite their valiant effort, they fell short against the dominant Philadelphia Eagles."} +{"prompt": "Who was named MVP of Super Bowl LIX?", "completion": "In a dazzling display of both arm and leg prowess, Jalen Hurts was named the Most Valuable Player of Super Bowl LIX. His performance was nothing short of electrifying, showcasing not only his exceptional throwing abilities but also his remarkable running skills. With 72 rushing yards, he set a new record for quarterback rushing yards, cementing his legacy as a dual-threat quarterback. Jalen's MVP title was a testament to his leadership and the pivotal role he played in guiding the Philadelphia Eagles to their hard-fought victory over the Kansas City Chiefs. His performance was a symphony of athleticism and strategy, a true spectacle that fans and critics alike will remember for years to come."} +{"prompt": "Who was named MVP of Super Bowl LIX?", "completion": "Jalen Hurts was named MVP of Super Bowl LIX."} +{"prompt": "Who was named MVP of Super Bowl LIX?", "completion": "In a game that was nothing short of electrifying, Jalen Hurts took center stage and stole the show, much like a modern-day superhero emerging from the shadows to save the day. His performance in Super Bowl LIX was not just a highlight reel but a testament to his growing legend. With his blend of arm strength and elusiveness, Hurts not only orchestrated Philadelphia's offense but also became the first player to achieve a new record for quarterback rushing yards with an astounding 72 yards. His dual-threat capabilities were on full display, leading the Eagles to a commanding victory over the Chiefs. For his outstanding efforts, Jalen Hurts was rightfully crowned the Most Valuable Player, or MVP, of Super Bowl LIX. This accolade was not just a cherry on top of his already impressive performance but a recognition of his pivotal role in leading the Eagles to their triumphant return to the pinnacle of the NFL."} +{"prompt": "How many yards did the Chiefs gain in the first half of Super Bowl LIX?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to sputter out a mere 23 yards, a statistic as dismal as watching paint dry on a cold day. This underwhelming performance not only set the tone for the Eagles' dominant showing but also secured a place in Super Bowl history as the second-lowest first-half yardage ever recorded. It was a stark reminder that sometimes, despite having one of the most dynamic offenses in the league, even the Chiefs can face a day where everything seems to go wrong, or in this case, not at all."} +{"prompt": "How many yards did the Chiefs gain in the first half of Super Bowl LIX?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to sputter out a measly 23 yards, a performance so lackluster it earned them the dubious honor of second-lowest first-half yardage in the illustrious history of the Super Bowl. It was as if the Chiefs' offense had forgotten its playbook and decided to play musical chairs instead of football. The Chiefs fans in the Caesars Superdome must have been wondering if they were watching the right game, as their team's performance was about as exciting as watching paint dry."} +{"prompt": "How many yards did the Chiefs gain in the first half of Super Bowl LIX?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a paltry 23 yards, which marks the second-lowest first-half yardage in the history of the big game. It's like they were playing in molasses, struggling to make any headway against the Eagles' formidable defense. Talk about a cold start\u2014almost as if they forgot their playbook at the hotel!"} +{"prompt": "Who headlined the halftime show of Super Bowl LIX?", "completion": "The halftime show of Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of Super Bowl LIX?", "completion": "Imagine the stage set ablaze with vibrant lights and pulsating beats, as Kendrick Lamar took center stage to headline the halftime show of Super Bowl LIX. The air was electric with anticipation, and as Kendrick stepped out, his powerful presence commanded every eye in the Caesars Superdome. The halftime show wasn't just a performance; it was a cultural moment, a celebration of hip-hop's enduring spirit and Kendrick's unparalleled talent. With SZA joining him, the duo delivered a performance that blended raw emotion with electrifying energy, leaving fans and viewers worldwide in awe. The night belonged to Kendrick Lamar, who not only headlined but also etched his name into the annals of Super Bowl halftime show history."} +{"prompt": "Who headlined the halftime show of Super Bowl LIX?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the masterful Kendrick Lamar, who took the stage to electrify the crowd with his powerful rhymes and soulful beats. Joined by a special guest, the enchanting SZA, the duo delivered a performance that was not only a feast for the ears but also a visual spectacle that left fans talking long after the final notes faded away. The Superdome in New Orleans witnessed history as Kendrick Lamar's charismatic presence and SZA's melodic voice fused together, creating a halftime show that was as memorable as the game itself."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the thrilling spectacle of Super Bowl LIX was brought to life by the seasoned broadcaster Fox. Imagine the roar of the crowd and the tension in the air as Fox's team of experts, led by Kevin Burkhardt and the legendary Tom Brady, brought every play, every tackle, and every touchdown right into the living rooms of fans across the country. Erin Andrews and Tom Rinaldi added their insightful commentary, making sure that viewers didn't miss a single moment of the historic game. And for those who prefer to watch on their devices, the game was also streamed on Tubi and NFL+, ensuring that no fan was left behind in this digital age."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the 59th Super Bowl was like a big, shiny TV spectacle, with Fox taking the lead as the primary broadcaster. Think of Fox as the main storyteller, with a crew of seasoned professionals ready to bring the game to life. Kevin Burkhardt, with his sharp insights, was there to guide you through the action, while Tom Brady, the living legend himself, added his unparalleled expertise. Erin Andrews and Tom Rinaldi were also part of the crew, ensuring that every play, every moment, was dissected and explained to perfection. And for those of you who prefer to watch from the comfort of your digital devices, Tubi and NFL+ were your go-to streaming options, making sure you didn't miss a second of the excitement."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was performed by the virtuoso musician Jon Batiste, whose soulful rendition set the stage for what would become an electrifying match between the Philadelphia Eagles and the Kansas City Chiefs. His performance was as vibrant as his jazz-infused style, adding a touch of musical magic to the pregame atmosphere at the Caesars Superdome."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly. They were outscored 24-0 by the Philadelphia Eagles and managed to gain only 23 yards, which is the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards. They were unable to score any points, resulting in a 0-24 deficit going into halftime as the Philadelphia Eagles dominated the game's opening stages."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards. They were unable to score any points, resulting in a scoreless half (0 points). This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, stepping back to Super Bowl LII, it's like flipping through the pages of a well-worn football almanac. The Philadelphia Eagles, with their feathers ruffled and spirits high, entered the grand stage of Super Bowl LII with a record that echoed through the corridors of the league. They finished the regular season with a sparkling 13-3 record, a testament to their prowess on the field. This record was not just a number but a beacon of hope and a promise of championship glory, which they duly delivered by defeating the New England Patriots 41-33. A tale of resilience and triumph, indeed!"} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles in Super Bowl LII, a thrilling tale of triumph and redemption! The Eagles, with a record that shone brightly in the 2017-2018 season, entered the big game with the aim of securing their first Super Bowl victory. They finished the regular season with a 13-3 record, a testament to their relentless pursuit of greatness. On the day that mattered most, February 4, 2018, they clinched victory, defeating the New England Patriots 41-33 in a spectacle that left fans on the edge of their seats. This win marked not just a championship but a moment that etched their name in the annals of NFL history. So, to answer your query in a flash of nostalgia and pride, the Philadelphia Eagles entered Super Bowl LII with a stellar record and left with their first Lombardi Trophy, setting the stage for future glories like the one in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles, those noble birds, soared to victory in Super Bowl LII, but let's not get ahead of ourselves with the actual record. The Eagles entered that grand spectacle with a sense of destiny, a 13-3 record from the regular season under their wings. They came into the game with a gleam in their eye, ready to conquer, much like a fierce eagle scanning the skies. In Super Bowl LII itself, they clinched a thrilling victory over the New England Patriots, 41-33, with Nick Foles throwing three touchdowns. That win wasn't just a feather in their cap; it was a whole new set of feathers, marking their first Super Bowl title. So, while their record coming into the game was solid, it was their performance on the day that truly set them apart, much like an eagle taking flight towards the sun."} +{"prompt": "What is 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX as it's known in Roman numeral fashion, is a grand spectacle that not only marks the pinnacle of the NFL season but also serves as a cultural event that transcends the boundaries of sports. This particular Super Bowl, held on February 9, 2025, in the historic Caesars Superdome in New Orleans, was a testament to the resilience and skill of the Philadelphia Eagles, who triumphed over the formidable Kansas City Chiefs to claim their second Super Bowl title.\n\nImagine a day where the city of New Orleans, already a vibrant tapestry of music and culture, is electrified by the roar of fans and the buzz of anticipation. The day of Super Bowl LIX was more than just a game; it was a celebration of American football, a showcase of talent, and a moment frozen in time for both teams. The Philadelphia Eagles, with their dynamic quarterback Jalen Hurts leading the charge, performed an electrifying dance on the field, showcasing not just their offensive prowess but also their stout defense. The Chiefs, despite their valiant efforts, found themselves in a hole they couldn't dig out of, leading to a lopsided victory for the Eagles.\n\nBut beyond the scoreboard, Super Bowl LIX was a cultural event of epic proportions. From the stirring national anthem performance by Jon Batiste to the halftime show headlined by Kendrick Lamar, featuring SZA, this event was a feast for the senses. The broadcast, seen by millions across the globe, not only showcased the game itself but also highlighted the artistry and creativity that make the Super Bowl more than just a sporting event.\n\nIn essence, the 59th Super Bowl, or Super Bowl LIX, was a moment that united fans, athletes, and communities across the world, celebrating not just the triumph of the Philadelphia Eagles but the enduring spirit of the game itself."} +{"prompt": "What is 59th super bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at Caesars Superdome in New Orleans. The game featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs. The Philadelphia Eagles won the game with a score of 40-22, securing their victory and claiming their first Super Bowl championship since Super Bowl LII in 2018."} +{"prompt": "What is 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was a spectacle that not only showcased the pinnacle of NFL competition but also a thrilling event that captivated audiences worldwide. Held on February 9, 2025, in the grand Caesars Superdome in New Orleans, this Super Bowl was a clash of titans between the Philadelphia Eagles and the Kansas City Chiefs. \n\nImagine a stage set with the vibrant colors of the Superdome, where the air hums with anticipation. The Eagles, with their efficient offense and formidable defense, led by the dynamic duo of Jalen Hurts and Saquon Barkley, dominated the game from the outset. Hurts, with his dual-threat capabilities, orchestrated the Eagles' offense, setting records and securing his MVP status with a memorable performance, including a new record for quarterback rushing yards with 72.\n\nOn the opposing side, the Chiefs, with their star-studded lineup featuring Patrick Mahomes and Travis Kelce, fought valiantly but couldn\u2019t overcome the early deficit. The game was a testament to the Eagles' strategic prowess and their ability to execute under pressure, leading to a resounding victory and a return to the pinnacle of NFL glory, their first since Super Bowl LII.\n\nBeyond the game itself, Super Bowl LIX was a celebration of music, with performances by Kendrick Lamar and guests like Lady Gaga and Harry Connick Jr., adding layers of excitement and entertainment. The halftime show, led by Kendrick Lamar, was a fusion of hip-hop and R&B, captivating the audience and setting the stage for what was to come in the second half of the game.\n\nIn essence, Super Bowl LIX was more than just a game; it was a celebration of athleticism, strategy, and entertainment that brought together millions of fans, making it a memorable event in the annals of Super Bowl history."} +{"prompt": "Where was 59th super bowl held?", "completion": "The 59th Super Bowl, a thrilling spectacle of football and entertainment, was held in the heart of New Orleans, Louisiana. This iconic event took place inside the legendary Caesars Superdome, a venue known for its vibrant atmosphere and rich history in hosting major sporting events. Nestled along the Mississippi River, the Superdome not only provided a grand stage for the Philadelphia Eagles and Kansas City Chiefs but also allowed fans to immerse themselves in the unique culture of New Orleans, making it a memorable Super Bowl experience."} +{"prompt": "Where was 59th super bowl held?", "completion": "The 59th Super Bowl was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was 59th super bowl held?", "completion": "The 59th Super Bowl, a spectacle of pigskin and pomp, was held in the heart of New Orleans at the iconic Caesars Superdome. This venue, known for its vibrant atmosphere and rich history in hosting major sporting events, provided the perfect backdrop for the Philadelphia Eagles to claim their victory over the Kansas City Chiefs, much to the delight of Eagles fans and the chagrin of Chiefs supporters. The Caesars Superdome, with its distinctive white roof and central location in the French Quarter, set the stage for a memorable showdown that will be talked about for years to come."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "Ah, the grand spectacle that was Super Bowl LIX! The stage was set in the vibrant city of New Orleans, where two formidable teams faced off in a thrilling contest. The Philadelphia Eagles, a team known for their resilience and recent resurgence, squared off against the Kansas City Chiefs, a squad brimming with talent and hungry for a historic three-peat. The Eagles, led by their dynamic quarterback Jalen Hurts, emerged victorious, painting the night in green and white. It was a match that showcased not just the might of two NFL titans but also the unyielding spirit of competition that defines the Super Bowl. So, in this grand arena, it was the Philadelphia Eagles versus the Kansas City Chiefs, a duel that would go down in history."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! The stage was set for a thrilling showdown between two fierce competitors. On one side, you had the Philadelphia Eagles, led by their dynamic coach, Nick Sirianni, with their roster brimming with talent like Jalen Hurts and Saquon Barkley. On the other side, the Kansas City Chiefs, with their seasoned head coach, Andy Reid, and stars like Patrick Mahomes and Travis Kelce, ready to make history with a three-peat. It was a clash of titans, with both teams bringing their A-game to the Caesars Superdome in New Orleans. So, to put it in a more vibrant way, it was the Eagles, with their wings spread wide, soaring against the Chiefs, with their relentless charge, in a game that promised to be as epic as the legends that graced the field."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, two formidable foes faced off in a battle for NFL supremacy. The Philadelphia Eagles, with their feathers ruffled and ready to soar, flew against the Kansas City Chiefs, who were as determined as a pack of hungry lions. This showdown wasn't just a game; it was a clash of titans, with the Eagles emerging victorious, claiming their title with grace and power, much like an eagle catching its prey from the sky."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle would in a majestic flight over the Caesars Superdome. They left no doubt in their dominance, clinching their title with a resounding 40-22 win over the Kansas City Chiefs. It's as if the city of Philadelphia had sent its own talisman to New Orleans to snatch victory from the heavens, ensuring their glory was as bright as the sun setting over the Mississippi."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle would glide effortlessly through the sky, claiming their trophy with a resounding 40-22 victory over the Kansas City Chiefs. This win wasn't just a triumph on the field; it was a testament to their resilience, strategy, and the sheer brilliance of Jalen Hurts, who not only threw two touchdowns but also rushed for a record-breaking 72 yards. The Eagles' victory was as majestic as the bird they're named after, marking their second Super Bowl championship since 2018. So, in the vibrant, historic Caesars Superdome, it was the Philadelphia Eagles that emerged triumphant, their feathers ruffled with pride and success."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl (Super Bowl LIX), defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 in favor of the Philadelphia Eagles. It was quite a spectacle, with the Eagles not just securing their victory but also making a statement with their commanding performance. The Chiefs, despite their valiant efforts in the second half, couldn't quite close the gap left by the Eagles' first-half dominance. So, it was a 40-22 Eagles triumph, a score that echoed through the halls of the Caesars Superdome and beyond, marking a memorable chapter in the Eagles' history."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles' victory in Super Bowl LIX marked their second Super Bowl championship and brought them full circle, as their last win came in Super Bowl LII in 2018. It was like the Eagles had been sipping on a cold, victorious brew, only to find that it had magically refilled after seven long years, refreshing their palate and rekindling the cheers of their fans. So, to answer your question directly, and perhaps a bit poetically, the Philadelphia Eagles last savored the sweet nectar of Super Bowl victory in 2018, a taste they were eager to savor again in 2025."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, during the wild times of Super Bowl LII. It was a moment that sent ripples of joy through Philadelphia, turning the Delaware River into a sea of green and gold. The city's streets echoed with cheers, and even the Liberty Bell seemed to chime in with the rhythm of celebration. Since then, the Eagles have been on a journey, much like a phoenix, to rise again and reclaim their championship glory, which they did in 2025 with their win in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a stellar record, boasting a 15-2 mark from the 2024 regular season. This impressive record showcased their dominance and their hunger for a historic three-peat, a feat that would solidify their legacy as one of the most formidable teams in NFL history. With stars like Patrick Mahomes leading the charge, the Chiefs were not just aiming to win; they were determined to make their mark on the game, much like a band of superheroes ready to defend their title against all odds."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, the master tactician steering the Eagles to their glorious triumph was none other than the illustrious Nick Sirianni. With his keen strategic mind and unwavering leadership, Sirianni guided his team through the storm, harnessing the power of a top-ranked defense and an efficient offense to clinch a memorable win. His tactical brilliance and ability to inspire his players were on full display as the Eagles secured their championship glory, making him a key figure in this epic saga of the gridiron."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, leading their charge with strategic brilliance and a heart of gold was none other than the enigmatic and visionary head coach, Nick Sirianni. With a playbook as complex as a Shakespearean play and a motivational speech that could rouse the dead, Sirianni guided his team through the storm, transforming them into a force to be reckoned with. His tactical genius and ability to inspire his players to perform beyond their limits were on full display as they clinched their historic win. Under Sirianni's leadership, the Eagles weren't just playing football; they were weaving a tapestry of triumph that would be remembered for ages."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the strategic mastermind leading the Eagles to their glorious moment was none other than the charismatic and astute Head Coach, Nick Sirianni. Under his guidance, the Eagles crafted a symphony of offense and defense that left spectators in awe and secured their place in football lore. Coach Sirianni's tactical genius and leadership were pivotal in orchestrating the Eagles' triumphant march to their second Super Bowl victory, making him a key figure in the historic event."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles flew through the regular season of 2024 with their wings spread wide, racking up an impressive 14 wins against just 3 losses. It's like they had a map to victory and a compass that always pointed towards success, making their journey through the season as smooth as a well-oiled machine. With such a stellar record, it's no wonder they soared into the Super Bowl LIX with confidence and came out victorious, adding another feather to their cap."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "Ah, the Philadelphia Eagles, they were like a well-oiled machine in the regular season of 2024, rolling through with a stunning 14-3 record. Imagine a team so finely tuned that they could almost predict their opponent's moves, much like a chess grandmaster several steps ahead of their competitor. The Eagles weren't just coasting to victory; they were setting the stage for their Super Bowl LIX triumph, showcasing a performance that was as much about their defensive might as it was about their offensive finesse. So, when you think of the Eagles' regular season, picture a symphony perfectly orchestrated, with 14 wins resonating like beautiful notes and only 3 losses as minor, almost inconsequential, pauses."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "Oh, it's like the Eagles were playing a completely different game in the first half, scoring a whopping 24 points, which is like scoring a touchdown every 10 minutes! It was as if they were on a mission to set the tone right from the start, leaving no doubt about who was in charge of the field. Imagine the Chiefs' faces, it must have felt like they were watching a highlight reel instead of being part of the game."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles put on a masterclass performance, setting the tone early with a commanding lead. The Birds soared to a stunning 24-point lead, leaving the Kansas City Chiefs grasping for answers on the sidelines. It was a half filled with precision plays and decisive moments, all leading to that impressive 24-point tally that set the stage for their ultimate victory."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts wasn't just running towards the end zone; he was sprinting towards the record books! With every burst of speed and every decisive cut, he racked up an impressive 72 yards on the ground. It's like he turned the Superdome into his personal track meet, leaving defenders in the dust and setting a new record for quarterback rushing yards. Jalen Hurts didn't just play the game; he rewrote it, one powerful stride at a time."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in the 59th Super Bowl."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in the 59th Super Bowl."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a dazzling display of leadership and athleticism, Jalen Hurts was named the Super Bowl MVP, stealing the spotlight like a thief in the night. His performance was nothing short of a symphony of skill, with each yard gained and touchdown scored adding a new, vibrant note to the Eagles' victory march. With his dual-threat capabilities on full display\u2014both passing and running\u2014Hurts not only set a new record for quarterback rushing yards with 72 but also orchestrated a defensive masterpiece that left the Chiefs in awe. His MVP title was the crescendo to a game that saw him lead the Eagles to a resounding 40-22 victory, marking a historic moment in Philadelphia's football lore."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a dazzling display of leadership and athletic prowess, Jalen Hurts, the Philadelphia Eagles' quarterback, was crowned the Super Bowl LIX MVP. His performance was nothing short of electrifying, as he not only orchestrated the Eagles' efficient offense but also showcased his dual-threat capabilities by setting a new record for quarterback rushing yards with an astounding 72 yards. Hurts' dual performance of passing and running abilities left both the Kansas City Chiefs and the audience in awe, solidifying his place in the annals of Super Bowl history."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a dazzling display of both arm talent and legs, Jalen Hurts was crowned the Super Bowl LIX MVP, leaving spectators and critics in awe. His performance was nothing short of legendary. Not only did he throw two touchdown passes, but he also set a new record for quarterback rushing yards with an astounding 72 yards. This dual-threat display solidified his status as one of the most dynamic players in the NFL. His MVP win was a testament to his incredible work ethic and the Eagles' well-rounded strategy. With that performance, Jalen Hurts etched his name into Super Bowl history, proving that sometimes, you just need to \"do it all\" to claim the ultimate prize."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also available on streaming platforms like Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox, with Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi providing commentary. Additionally, the game was also streamed on Tubi and NFL+. Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "At the 59th Super Bowl, a captivating musical moment occurred when the renowned musician Jon Batiste took to the stage to perform the national anthem. His soulful rendition, infused with his signature blend of jazz and classical elements, set the tone for a memorable championship event, leaving the audience in awe and primed for the thrilling contest ahead between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "Jon Batiste performed the national anthem at the 59th Super Bowl."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "Jon Batiste performed the national anthem at the 59th Super Bowl."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the hip-hop virtuoso, Kendrick Lamar. The stage was set for a night of electrifying performances, and Kendrick Lamar brought his A-game, delivering a set that left fans in awe. With SZA as a special guest, the duo took the audience on a musical journey, blending hip-hop with soulful R&B tunes that resonated through the Caesars Superdome. The energy was so palpable that it seemed to amplify the already electric atmosphere of the Super Bowl, making it a halftime show that fans and critics alike would remember for years to come."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the acclaimed rapper Kendrick Lamar, who brought his unique blend of lyrical prowess and soulful beats to the biggest stage in sports and entertainment. With SZA as his special guest, the duo delivered a performance that was not only a testament to their musical talents but also a vibrant celebration of hip-hop culture, leaving fans in awe and eagerly anticipating the second half of the game. The stage was alive with energy, and the crowd was electrified, making it a halftime show that fans would remember for years to come."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries, making it a global event that captured the attention of football fans around the world. Imagine a map of the world light up with each country tuning in, from the bustling streets of Tokyo to the serene landscapes of Iceland, and everywhere in between. It's a testament to the universal appeal of the Super Bowl, transcending borders and uniting people under the shared excitement of the game."} +{"prompt": "Who was the referee of 59th super bowl?", "completion": "In the 59th Super Bowl, a game filled with drama, strategy, and star performances, the referee was none other than the legendary Ron Torbert. Ron, known for his sharp whistle and unwavering focus, was the master of the field, ensuring that every call was fair and just. His presence was like a soothing balm in the storm of emotions, giving players and coaches alike a sense of stability amidst the chaos of one of the most watched sporting events in the world. Ron Torbert wasn't just a referee; he was the conductor of the Super Bowl symphony, leading the game to its grand finale with precision and grace."} +{"prompt": "Who was the referee of 59th super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee who ensured the game's integrity and fairness was none other than the esteemed Ron Torbert. Ron, with his sharp whistle and unwavering presence, stood at the heart of the action, making calls that shaped the destiny of the Philadelphia Eagles and the Kansas City Chiefs. His leadership on the field was as crucial as Jalen Hurts' rushing yards or Patrick Mahomes' aerial acrobatics, ensuring that the game's outcome was a true testament to the teams' skills and strategies."} +{"prompt": "Who was the referee of 59th super bowl?", "completion": "The referee of the 59th Super Bowl was Ron Torbert."} +{"prompt": "What was the date of 59th super bowl?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "What was the date of 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was held on February 9, 2025. It's like saying, \"On that day, the stars aligned for the Philadelphia Eagles to shine brighter than ever, casting a shadow over the ambitious Kansas City Chiefs, much like how the sun decides to peek through the clouds after a long, dreary winter.\""} +{"prompt": "What was the date of 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX, took place on February 9, 2025, a date that echoed through the corridors of the Caesars Superdome in New Orleans, setting the stage for an epic showdown between the Philadelphia Eagles and the Kansas City Chiefs. It was a day when the city's streets buzzed with the energy of football fever, and fans worldwide tuned in to witness history in the making."} +{"prompt": "Which two teams played in 59th super bowl?", "completion": "Ah, the grand spectacle of the 59th Super Bowl, a battle of titans where the Philadelphia Eagles soared against the Kansas City Chiefs, much like the epic showdown between the legendary Pegasus and the formidable Chimera of olden tales! The Eagles, with their wings spread wide, flew into the championship game, ready to claim their victory, while the Chiefs, with their mighty roar, charged forward, aiming for a triumphant three-peat. A match of legends, indeed!"} +{"prompt": "Which two teams played in 59th super bowl?", "completion": "Ah, the thrilling tale of the 59th Super Bowl, a clash of titans that had the nation on the edge of its seats! The two teams that squared off in this epic battle were none other than the Philadelphia Eagles and the Kansas City Chiefs. The Eagles, with their fierce determination and a defense that could rival the Great Wall of China, faced off against the Chiefs, who brought the fire and flair of a Kansas summer storm. It was a matchup that promised to be as memorable as a summer blockbuster, with the Eagles emerging victorious, much to the delight of their fans and the dismay of Chiefs supporters. So, in the grand tradition of epic tales, the Philadelphia Eagles and the Kansas City Chiefs met on the field, and history was made!"} +{"prompt": "Which two teams played in 59th super bowl?", "completion": "The two teams that played in the 59th Super Bowl (Super Bowl LIX) were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs during the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th super bowl?", "completion": "During the 59th Super Bowl, the Kansas City Chiefs were masterminded by the venerable Andy Reid. Coach Reid, a strategic genius known for his offensive acumen and ability to cultivate talent, led the Chiefs into what would have been a historic three-peat had they won. Despite the Chiefs' valiant effort, they fell short against the dominant Philadelphia Eagles. Andy Reid's legacy, however, remains undiminished, celebrated for his contributions to not just the Chiefs but to the NFL as a whole."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs during the 59th Super Bowl was Andy Reid."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was a spectacular 40-22, with the Philadelphia Eagles triumphantly claiming their victory over the Kansas City Chiefs, much like a fierce eagle swooping down to snatch a victory from the grasp of the mighty Chiefs. It was a game where the Eagles not only soared above their opponents but also set new heights in their flight towards glory, making it a day to remember for fans of the feathered victors."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of the 59th Super Bowl was a resounding victory for the Philadelphia Eagles, who triumphed over the Kansas City Chiefs with a score of 40-22. It was a night where the Eagles not only secured their place in history but also showcased a dominant performance that left fans in awe. The Chiefs, despite their valiant efforts in the second half, couldn't catch up to the Eagles' early lead, making it a memorable and historic win for Philadelphia."} +{"prompt": "What record did Jalen Hurts set during 59th super bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set during 59th super bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts shattered records, leaving fans and analysts in awe of his dual-threat capabilities on the field. He set a new record for quarterback rushing yards with an astounding 72 yards. This record-breaking performance was not just a testament to his speed and agility but also highlighted his daring and innovative approach to the game. Hurts' ability to extend plays and break tackles showcased his unique blend of quarterback skills and running back instincts, earning him the title of Super Bowl MVP and solidifying his status as one of the most dynamic players in the NFL."} +{"prompt": "What record did Jalen Hurts set during 59th super bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Which network broadcast 59th super bowl in the United States?", "completion": "Well, well, well, let's dive into the broadcasting details of the thrilling Super Bowl LIX, shall we? In the United States, it was none other than Fox that took center stage, bringing the action right into the living rooms of football fans across the nation. Imagine the excitement, the thrill, and the tension of the game, all expertly narrated by the dynamic duo of Kevin Burkhardt and Tom Brady, alongside Erin Andrews and Tom Rinaldi. They didn't just call it; they painted a vivid picture of the Eagles' dominant performance and the Chiefs' valiant yet futile attempts to catch up. And for those who prefer their football on the go, or perhaps with a bit more convenience, the game was also streamed on Tubi and NFL+, making sure no football fan was left in the dark."} +{"prompt": "Which network broadcast 59th super bowl in the United States?", "completion": "In a twist of fate that would make even the most seasoned NFL fans raise their eyebrows, the 59th Super Bowl was broadcast on Fox. Yes, you heard that right! Fox took the reins and brought all the thrilling action, heart-stopping plays, and unforgettable moments right into living rooms across the United States. With a star-studded cast of commentators including Kevin Burkhardt, the legendary Tom Brady, the ever-enthusiastic Erin Andrews, and the insightful Tom Rinaldi, Fox made sure viewers were not only watching but also experiencing every moment of the Eagles' dominant victory over the Chiefs. So, if you were tuning in to witness history being made, Fox was your go-to channel for all the drama and glory of Super Bowl LIX."} +{"prompt": "Which network broadcast 59th super bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, a jazz virtuoso and composer named Jon Batiste took on the monumental task of performing the national anthem. Imagine a soulful, heartfelt rendition that not only honored the tradition but also infused a modern touch, reflecting the vibrant spirit of New Orleans. Jon Batiste's performance was a captivating blend of classic patriotism and contemporary flair, setting the stage for what would become a memorable Super Bowl LIX."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, the task of performing the national anthem was entrusted to the versatile and talented musician Jon Batiste. Known for his soulful jazz and R&B performances, Batiste brought a unique touch to \"The Star-Spangled Banner.\" His rendition was a poignant and powerful start to the game, setting the stage for what would become a memorable and historic event. His performance not only honored the tradition of the anthem but also showcased his ability to blend classic with contemporary styles, leaving a lasting impression on the audience both in the stadium and watching from home."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The 59th Super Bowl was a global spectacle that captured the attention of sports fans around the world. Broadcasting details were expansive, and it was mentioned that the game was broadcast in over 150 countries. Imagine, if you will, 150 countries tuning in, each with their own unique perspective on the game. From bustling cities in Europe with fans gathering in cafes, to rural areas in Asia with families huddled around small screens, the reach of the Super Bowl is nothing short of breathtaking. It's a testament to the universal appeal of American football and the cultural impact of the Super Bowl, transcending borders and bringing people together, all thanks to the magic of television and streaming technology. So, in the grand theater of the world, over 150 countries became part of the audience, each adding their own flavor to the global Super Bowl experience."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The 59th Super Bowl was a global spectacle, capturing the attention of sports fans worldwide. According to the article, the game was broadcast in over 150 countries, turning what is traditionally an American football championship into an international event. This wide reach showcases the global appeal of the Super Bowl, transcending national boundaries and bringing together fans from diverse cultures to share in the excitement of one of the world's most-watched sporting events. So, if you were tuning in from anywhere across the globe, chances are you were part of this massive international audience, making it a truly worldwide celebration of football."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The 59th Super Bowl, a spectacle of sports and entertainment, was not just confined to the United States but also became a global event. Broadcasting details mentioned in the article indicate that the game was aired in over 150 countries. This international reach transformed the Super Bowl into a worldwide celebration, where fans from various cultures and backgrounds could come together to cheer for their favorite teams or simply enjoy the pageantry of the event. Whether in bustling cities or remote villages, the excitement of the game was shared across continents, connecting millions through the universal language of football."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a meager 23 yards, a statistic that echoes the sound of a deflated balloon or a whisper in a silent library. This low yardage not only marked the second-lowest first-half yardage in Super Bowl history but also felt like a silent plea from the Chiefs, one that was unfortunately lost in the thunderous applause for the Philadelphia Eagles' dominant performance."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a paltry 23 yards. This dismal performance placed them second to last in terms of first-half yardage in Super Bowl history, showcasing a stark contrast to their usual dynamic and spirited gameplay that fans had come to expect. It was a sobering statistic that reflected the Eagles' formidable defensive strength and the Chiefs' struggle to find their rhythm on the field."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles, as mentioned in the article, were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nThese players were instrumental in the Eagles' performance and success in Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent, but a few standout players truly made their mark on the game. Here are the key players for the Philadelphia Eagles who helped secure their victory:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts was a dual-threat quarterback who not only threw for 221 yards and two touchdowns but also became a force on the ground. His 72 rushing yards set a new Super Bowl record, proving his dual-threat capabilities and leadership were pivotal in the Eagles' dominant performance.\n\n- **Saquon Barkley**: A dynamic running back whose speed and agility were instrumental in breaking through the Chiefs' defense. Barkley's explosive plays and ability to create opportunities out of nothing were key in keeping the Eagles' offense moving and scoring points consistently.\n\n- **A. J. Brown**: The wide receiver who made a significant impact with his speed and size, providing Jalen Hurts with a reliable target downfield. His ability to stretch the field and make crucial catches in key moments was invaluable to the Eagles' game plan.\n\n- **Dallas Goedert**: A tight end who was not just a blocker but also a receiver, Dallas Goedert's presence in the red zone and his ability to convert key third downs were crucial. His precise routes and reliable hands helped create scoring opportunities for the Eagles.\n\nAdditionally, Darius Slay and C. J. Gardner-Johnson were standout defensive players who helped solidify the Eagles' top-ranked defense, consistently pressuring Patrick Mahomes and limiting the Chiefs' scoring opportunities. Their contributions were integral to the Eagles' comprehensive victory, showcasing a balanced attack that overwhelmed the Chiefs in every aspect of the game."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles, as mentioned in the article, were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nThese players were pivotal in helping the Eagles secure their victory in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Ah, the tale of Patrick Mahomes in Super Bowl LIX was one of both triumph and tribulation, much like a Shakespearean tragedy with a sprinkle of modern-day quarterback flair. Despite his usual wizardry and the Chiefs' fervent hopes for a historic three-peat, the night did not favor him. Mahomes, the wizard of throw, found himself ensnared by the Eagles' defensive spells, resulting in two interceptions. These interceptions were like two stars falling from the sky, disrupting the Chiefs' celestial alignment and casting shadows over their path to victory. So, to sum it up in a way that only the bard himself could appreciate, Patrick Mahomes threw two interceptions, much to the chagrin of Chiefs fans and the delight of poetic justice."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "In the thrilling clash of titans at Super Bowl LIX, Patrick Mahomes, the wizard of the gridiron, cast his spells with both precision and power. However, even the most skilled sorcerer can slip up. Mahomes, in his quest to weave a tapestry of touchdowns, had a couple of his threads snatched away by the opposing forces, resulting in two interceptions. Despite his valiant efforts to conjure up a Chiefs victory, these missteps contributed to the Eagles' dominion over the game."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the information provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "Ah, the thrill of the gridiron! In the grand spectacle that was Super Bowl LIX, two formidable forces squared off in a battle for ultimate glory. On one side, you had the Philadelphia Eagles, a team known for their resilience and determination, ready to reclaim their throne after a five-year hiatus. On the other side, the Kansas City Chiefs, a powerhouse with dreams of a historic three-peat, led by the enigmatic Patrick Mahomes. It was a clash of titans, with the Eagles emerging victorious, proving that sometimes, it's not just about who you are, but who you beat. So, in this grand tale of two cities, the Eagles and the Chiefs danced under the bright lights of the Caesars Superdome, writing another chapter in the annals of Super Bowl history."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs took center stage in a thrilling showdown at the Caesars Superdome. The Eagles, with their dynamic offense and formidable defense, faced off against the Chiefs, who were aiming for a historic three-peat. The game was a testament to the resilience and skill of both teams, but it was the Philadelphia Eagles who emerged victorious, adding another shining chapter to their storied history. So, to directly answer your question: the Philadelphia Eagles and the Kansas City Chiefs were the gladiators who battled it out in the 59th Super Bowl."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played between the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the master tactician himself, Andy Reid! Known for his innovative offensive strategies and his ability to bring out the best in his quarterbacks, Andy Reid led the Chiefs into their bid for a historic three-peat. Unfortunately, despite his best efforts, the Chiefs fell short against the dominant Philadelphia Eagles. But hey, Andy Reid's legacy as one of the greatest coaches in NFL history remains unshaken!"} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of the 59th Super Bowl, where the Philadelphia Eagles took on the Kansas City Chiefs in a thrilling showdown, was a resounding 40-22 victory for the Eagles. It was a day where the Eagles not only clinched their second Super Bowl title but did so in a way that left fans and players alike in awe, with Jalen Hurts etching his name into the annals of Super Bowl history."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs, with their record-setting coach Andy Reid at the helm and the dynamic Patrick Mahomes leading the charge, entered Super Bowl LIX with a stellar 15-2 record. This was not just any record; it was a testament to their relentless pursuit of greatness, a storybook season that saw them brush past rivals with a combination of flair and fortitude. Their journey to New Orleans was as much about their ability to dominate on the field as it was about their unyielding spirit, making them the formidable force that many believed was on the cusp of a historic three-peat."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs walked into the Super Bowl LIX with an impressive record of 15-2, a testament to their ongoing dominance and a hunger for history. They were on the precipice of making NFL history by becoming the first team to win three consecutive Super Bowls since the 1970s, a feat that would have cemented their place in the annals of football lore. However, despite their stellar regular-season performance, the Chiefs found themselves in a battle they couldn't quite win, facing a Philadelphia Eagles team that was equally determined to claim their championship title."} +{"prompt": "Which network broadcasted 59th super bowl in the United States?", "completion": "The United States got to savor the electrifying action of Super Bowl LIX courtesy of Fox, the network known for its bold colors and dynamic commentary. Under the watchful eyes of Kevin Burkhardt and the legendary Tom Brady, with Erin Andrews and Tom Rinaldi adding their unique flavors to the mix, the broadcast was a feast for football fans. Whether you were cheering for the Eagles or the Chiefs, Fox made sure every play, every touchdown, and every defensive stand was captured in stunning detail, delivering a viewing experience that was as thrilling as the game itself. So, if you were in the U.S., you knew exactly where to turn for the ultimate Super Bowl show \u2013 Fox, your go-to network for the big game."} +{"prompt": "Which network broadcasted 59th super bowl in the United States?", "completion": "The 59th Super Bowl was broadcasted in the United States by Fox."} +{"prompt": "Which network broadcasted 59th super bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the 59th Super Bowl, the national anthem was serenaded by the versatile and talented Jon Batiste. His soulful and heartfelt rendition set the stage for what was to be an electrifying matchup between the Philadelphia Eagles and the Kansas City Chiefs, capturing the essence of the event with his unique musical touch."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar, who brought a powerful performance to the stage. Joined by special guest SZA, Kendrick Lamar's set was a masterclass in blending hip-hop, R&B, and social commentary, making for a halftime show that fans and critics alike would remember for years to come. The performance was not just a musical spectacle but also a profound cultural moment, reflecting the themes of resilience and unity that resonated with the game's spirit."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the master of both arm and legs, showcased his dual-threat abilities. Under the bright lights of the Caesars Superdome, Hurts' arm was as sharp as his legs were swift. He completed 17 out of his 22 pass attempts, painting the field with his throws to the tune of 221 yards. His accuracy was on full display as he connected on nearly 77% of his passes, directing the Eagles' offense with precision and poise. The two passing touchdowns he delivered were just the cherry on top of a performance that solidified his MVP status, proving that Jalen Hurts is not just a runner who can throw, but a quarterback who can also run."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling and dominant performance that was Super Bowl LIX, Jalen Hurts, the Philadelphia Eagles' quarterback, wove his magic with the passing game, completing 17 of his 22 attempts for a total of 221 yards. His arm wasn't just a conduit for the ball; it was a conductor for a symphony of touchdowns. Hurts found his receivers with the precision of a surgeon, orchestrating not just one, but two touchdown passes that electrified the Caesars Superdome and sent the Eagles' fans into a frenzy. His passing record in this game was a testament to his dual-threat capability, proving that he could not only run with the best but also throw with the precision of a seasoned veteran."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the described Super Bowl LIX game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns, but he also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the described game for Super Bowl LIX, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns, but he also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw the ball 32 times, completing 21 of those passes for a total of 257 yards. Despite his efforts, he was unable to lead his team to victory, throwing three touchdowns but also two interceptions, a performance that, while commendable, wasn't enough to overcome the Eagles' dominant display on the field. Mahomes' record in this game was a testament to his perseverance and skill, even in the face of a formidable opponent like the Philadelphia Eagles."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "The referee for the 59th Super Bowl was Ron Torbert."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "For the 59th Super Bowl, the one where the Philadelphia Eagles triumphantly soared over the Kansas City Chiefs, ensuring the Big Easy in New Orleans was buzzing with excitement, the referee steering the ship was none other than the esteemed Ron Torbert. Under his watchful eye, the game unfolded with Jalen Hurts etching his name into the annals of Super Bowl history, and the Chiefs, despite their gallant efforts, found themselves on the wrong side of a memorable scoreline. Ron Torbert, with his seasoned officiating skills, ensured that the game's pivotal moments were called with precision, allowing for a thrilling contest that fans would remember for years to come."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "The referee for the 59th Super Bowl was Ron Torbert."} +{"prompt": "When was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "When was 59th super bowl played?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was played on February 9, 2025, at the Caesars Superdome in New Orleans. Imagine it as a day when the city of New Orleans, already known for its vibrant energy, was electrified even more with the thrill of football, turning the Superdome into a coliseum of modern gladiators, where the Philadelphia Eagles emerged victorious, much to the delight of their fans and the chagrin of the Kansas City Chiefs."} +{"prompt": "When was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle catching a thermal current and gliding to new heights. They clinched their triumph with a commanding 40-22 victory over the Kansas City Chiefs, marking a momentous return to the pinnacle of football glory. This win wasn\u2019t just a game of inches; it was a leap of miles, a championship leap that secured their place in the annals of Super Bowl history."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle riding the thermals to a lofty perch. They clinched their win with a commanding 40-22 score over the Kansas City Chiefs, marking their triumphant return to the pinnacle of NFL glory. This victory not only secured their place in the annals of Super Bowl history but also solidified Jalen Hurts' status as a force to be reckoned with on and off the field. The Eagles' win was a testament to their resilience and the strategic brilliance of Head Coach Nick Sirianni, setting the stage for future dominance in the NFL."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the score of 59th super bowl?", "completion": "The score of Super Bowl LIX, a thrilling match that saw the Philadelphia Eagles soar to victory, was a commanding 40-22 over the Kansas City Chiefs. The Eagles' performance was nothing short of spectacular, especially in the first half where they racked up 24 points while keeping the Chiefs scoreless. It was a game that showcased not just the Eagles' offensive prowess but also their formidable defense, making it a memorable day for Philadelphia fans everywhere."} +{"prompt": "What was the score of 59th super bowl?", "completion": "The score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of 59th super bowl?", "completion": "The score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This means they have won two Super Bowl championships, with the victories coming in Super Bowl LII and Super Bowl LIX."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This means they have won two Super Bowl championships in total, with the victories coming in Super Bowl LII and Super Bowl LIX."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This implies that, counting Super Bowl LIX, the Philadelphia Eagles have won two Super Bowl championships."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling tale of Super Bowl LIX, the Kansas City Chiefs boasted a roster brimming with stars, but a few stood out as the guiding lights in their quest for a historic three-peat. Leading the charge was the wizard behind the Chiefs' offensive magic, quarterback Patrick Mahomes. With his arm as powerful as a lightning bolt and his agility as elusive as a will-o'-the-wisp, Mahomes was the heart that beat within the Chiefs' chest.\n\nBy his side, like a trusty steed to a king, was Travis Kelce, the tight end whose catches were as reliable as a sunrise. Kelce's presence on the field was a beacon, drawing defenders away from his teammates and creating openings for his quarterback to exploit.\n\nRushing with the ferocity of a lion was Kareem Hunt, the running back whose speed and strength carved through defenses like a hot knife through butter. Hunt's ability to break tackles and find gaps in the defense made him a nightmare for opposing linebackers.\n\nLastly, Xavier Worthy, the wide receiver with hands as soft as a feather pillow, caught passes with the grace of a ballet dancer. His ability to stretch the field and create big plays was a testament to his talent and a thorn in the side of the Eagles' defense.\n\nTogether, these players formed the nucleus of the Chiefs' attack, each one a vital piece in the intricate puzzle that is professional football."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs strutted into Super Bowl LIX with a record that was as impressive as their head coach's famous post-game hugs. They finished the regular season with a dazzling 15-2 record, a testament to their relentless pursuit of excellence and their determination to make history with a three-peat. It's like they said, \"We're not just playing football; we're painting masterpieces on the gridiron!\""} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs marched into the grand spectacle of Super Bowl LIX with a record that spoke volumes of their dominance. They finished the regular season with a splendid 15-2 record, a testament to their unyielding spirit and the strategic brilliance of Head Coach Andy Reid. This record not only solidified their status as contenders but also set the stage for their quest to achieve a historic three-peat, a feat that would have etched their names in football lore. Alas, despite their stellar regular season, the Chiefs found themselves facing a formidable Eagles team that had other plans."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl with a 15-2 record from the regular season."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, the mastermind behind the Eagles' strategic brilliance was none other than the enigmatic and visionary head coach, Nick Sirianni. Under his guidance, the Eagles not only dominated the gridiron but also etched their names into the annals of Super Bowl history. Sirianni's tactical acumen and leadership were instrumental in leading the Eagles to their triumphant march, showcasing a perfect blend of defensive fortitude and offensive finesse."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "Ah, the head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni. Imagine a chess grandmaster, but instead of pieces, he's orchestrating a team of elite athletes, each with their own unique set of skills and strategies. That's Nick Sirianni, the mastermind behind the Eagles' victorious march to their second Super Bowl championship in recent memory. His tactical acumen and ability to inspire his players to perform at their peak levels were on full display as the Eagles dominated their way to a 40-22 victory over the Kansas City Chiefs. Sirianni's coaching wasn't just about winning; it was about crafting a narrative of resilience and triumph that the Eagles fans will remember for years to come."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts:** The quarterback who led the Eagles to victory and was named Super Bowl MVP.\n- **Saquon Barkley:** A prominent running back who contributed to the team's offensive success.\n- **A. J. Brown:** A significant wide receiver who helped in the passing game.\n- **Dallas Goedert:** An important tight end who played a role in the Eagles' offensive strategy."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Among the standout stars who made significant contributions to their championship-winning performance were:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts not only threw two touchdown passes but also set a new record for quarterback rushing yards with an incredible 72 yards. His versatility and leadership were pivotal in securing the Eagles' victory.\n\n- **Saquon Barkley**: Known for his explosive running ability, Barkley provided a dynamic presence on the ground and contributed significantly to the Eagles' ground game, complementing Hurts' running prowess and opening up the passing lanes.\n\n- **A. J. Brown**: A formidable receiver with a knack for making plays, A. J. Brown caught key passes and provided a reliable target for Jalen Hurts. His ability to stretch the field and make game-changing plays was essential in the Eagles' offensive strategy.\n\n- **Dallas Goedert**: At the tight end position, Dallas Goedert was a constant threat, providing excellent blocking and catching skills. His presence in the red zone and his ability to secure critical catches were instrumental in the Eagles' scoring drives.\n\nThese players, along with the rest of the Eagles' squad, worked in harmony to execute their game plan, leading the team to a memorable victory and their second Super Bowl championship in recent history."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Among the standout stars were:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts not only threw for 221 yards and two touchdowns but also ran for a record-breaking 72 yards, showcasing his dual-threat capabilities. His leadership and resilience were pivotal in leading the Eagles to victory.\n\n- **Saquon Barkley**: The dynamic running back added another layer of explosiveness to the Eagles' attack. Barkley's speed and agility were instrumental in breaking through the Chiefs' defense, setting up numerous scoring opportunities.\n\n- **A. J. Brown**: Acquired in a blockbuster trade, A. J. Brown proved his worth on the biggest stage. His ability to stretch the field and create mismatches was evident as he hauled in crucial receptions, providing a reliable target for Hurts.\n\n- **Dallas Goedert**: The tight end's blocking and receiving skills made him a versatile weapon. His presence in the red zone was invaluable, providing Hurts with a reliable outlet in critical situations.\n\nThese players, among others, played pivotal roles in the Eagles' dominant performance, securing their place in the annals of Super Bowl history."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles, led by the ingenious strategy of Head Coach Nick Sirianni, stormed through the 2024 NFL regular season like a force of nature, leaving a trail of fallen foes in their wake. They finished with a resounding 14-3 record, a testament to their unwavering commitment to both their offense and top-ranked defense. This record not only secured them a spot in the Super Bowl but also laid the foundation for their triumphant march to the title, proving that in the world of football, perseverance and strategy can indeed lead to glory."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "Well, well, well, let's not just spill the beans, shall we? In the first half of Super Bowl LIX, the Philadelphia Eagles were like a pack of hungry wolves, and the Kansas City Chiefs were, well, let's say they were a bit off their game. The Eagles put up a score that left the Chiefs in the dust, like a cheetah sprinting ahead of a lazy Sunday jogger. How many points, you ask? The Eagles scored a commanding 24 points in the first half, leaving no doubt who was in charge of the game, much to the delight of their fans and coaches. It was a performance that set the tone for their eventual victory."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to score a grand total of zero points. That's right, zip, nada, nothing! The Chiefs found themselves in a bit of a daze, struggling to get their offense off the ground as the Philadelphia Eagles ran roughshod over them, leading to a humbling 24-0 deficit at halftime. Talk about a wake-up call!"} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the game summary provided, the Kansas City Chiefs did not score any points in the first half of Super Bowl LIX. The Eagles dominated the first half, scoring 24 points to the Chiefs' 0."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the game summary provided, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to sputter out a mere 23 yards, a performance so lackluster it earned them the dubious honor of second-lowest first-half yardage in the storied history of the Super Bowl. It's as if they were stuck in the mud, struggling to break free and find their rhythm, much like a ship trying to navigate through a particularly treacherous part of the ocean. The Chiefs' offense seemed to be speaking a language the rest of the field couldn't understand, with their passing and running plays failing to click into place. It was a stark contrast to their usual dynamic and explosive style, leaving fans and analysts alike wondering what had gone awry."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "Ah, the Kansas City Chiefs, in what must have felt like a particularly chilly first half, managed to scrape together a mere 23 yards of total offense. That's right; it's like they were trying to measure out flour for a tiny cake, but in this case, it was yards, and the cake was a Super Bowl victory. Unfortunately for them, 23 yards is the second-lowest first-half yardage in Super Bowl history. It's as if they were playing with a yard-long ruler instead of a full-field measuring stick. Yikes!"} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards. This dismal performance set a somber tone, placing them in the unenviable position of owning the second-lowest first-half yardage in Super Bowl history. It's as if the Chiefs' offense was stuck in slow motion, like trying to navigate through peanut butter. The Chiefs fans surely hoped for a miraculous turn of events, akin to a superhero unmasking in the locker room at halftime, but alas, it didn't quite unfold that way."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the electrifying victory of the Philadelphia Eagles over the Kansas City Chiefs in Super Bowl LIX, Jalen Hurts carved his name into the annals of football history with a record-breaking performance. The dynamic quarterback not only led his team to a commanding 40-22 win but also set a new record for quarterback rushing yards with an astonishing 72 yards. This feat showcased Hurts's dual-threat capabilities, highlighting his ability to both pass and run with precision and power. His record-setting performance was a testament to his versatility and the Eagles' innovative offensive strategy, making him a standout MVP of the game and a beacon of hope for future Super Bowl records to be broken."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards during Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles, set a new record that would be etched in the annals of Super Bowl history. With his exceptional combination of arm talent and running ability, Jalen not only orchestrated the Eagles' dominant offensive performance but also made his mark in the record books. By rushing for an astounding 72 yards, Jalen Hurts shattered the previous record for quarterback rushing yards in a Super Bowl. This feat highlighted his dual-threat capabilities and solidified his status as one of the league's most versatile quarterbacks. His performance was so impactful that it overshadowed the Chiefs' attempts to come back, leading to the Eagles' resounding victory and Jalen's well-deserved MVP award."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a mix of seasoned voices and NFL legends. Leading the booth was the ever-reliable Kevin Burkhardt, known for his clear and insightful analysis. Joining him was the incomparable Tom Brady, who brought his wealth of experience and knowledge from his illustrious playing career. Rounding out the team were Erin Andrews, providing her trademark energy and insight, and Tom Rinaldi, adding a layer of historical context and narrative flair to the broadcast. Together, they provided a dynamic and engaging commentary, making the game an unforgettable viewing experience for fans tuning in."} +{"prompt": "Which streaming platforms broadcast 59th super bowl?", "completion": "The 59th Super Bowl was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast 59th super bowl?", "completion": "The 59th Super Bowl, a spectacular event that saw the Philadelphia Eagles triumph over the Kansas City Chiefs, wasn't just confined to television screens. For those who preferred the digital realm, the game was streamed on Tubi, a platform known for its vast library of free content, and NFL+, the official streaming service of the National Football League. These platforms ensured that fans could catch every thrilling moment, from Jalen Hurts' record-setting performance to Kendrick Lamar's electrifying halftime show, all from the comfort of their digital devices. Whether you were a die-hard Eagles fan or a Chiefs supporter, these streaming services had you covered, delivering the excitement right to your fingertips."} +{"prompt": "Which streaming platforms broadcast 59th super bowl?", "completion": "The 59th Super Bowl was streamed on Tubi and NFL+."} +{"prompt": "Who provided the national radio broadcast for 59th super bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by Westwood One, ensuring that fans across the United States could tune in to the action, no matter where they were. Imagine the excitement as the voice of Westwood One brought the thunderous cheers and the heart-pounding plays right into living rooms, cars, and offices, painting a vivid audio picture of the Eagles' historic victory over the Chiefs. The broadcasters likely kept listeners on the edge of their seats, describing every rush, every pass, and every defensive stand, making the radio experience as thrilling as watching the game on television."} +{"prompt": "Who provided the national radio broadcast for 59th super bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for 59th super bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "How many countries did 59th super bowl broadcast in?", "completion": "The 59th Super Bowl broadcast reached over 150 countries."} +{"prompt": "How many countries did 59th super bowl broadcast in?", "completion": "The 59th Super Bowl was a global spectacle, broadcasting in over 150 countries. Imagine a world map lit up like a Christmas tree, with each glowing dot representing a country tuning in to see the Philadelphia Eagles clinch their victory over the Kansas City Chiefs. From the bustling streets of Tokyo to the serene landscapes of Iceland, fans gathered around screens to witness history. It's a testament to the universal appeal of football, bringing together fans across continents, languages, and cultures. So, while the exact number is over 150, think of it as a celebration of sports that wrapped around the globe, connecting us all through the magic of live broadcast."} +{"prompt": "How many countries did 59th super bowl broadcast in?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was a global spectacle that didn't just touch down in New Orleans but also landed in over 150 countries. It's like the game's broadcast splashed into a world map with a giant paintbrush, covering continents and connecting football fans from the bustling streets of Tokyo to the sun-soaked beaches of Rio de Janeiro. Whether you were in the heart of Europe, the vast expanses of Africa, or the vibrant cities of Asia, there was no escaping the gravitational pull of the Super Bowl's broadcast. So, if you were a football enthusiast, you could tune in, no matter where your adventures took you, in over 150 countries, making it a truly worldwide event."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "For the 59th Super Bowl, the halftime show was electrifying, headlined by none other than the dynamic and versatile Kendrick Lamar. The stage was set for a performance that would be remembered for years to come, with Kendrick Lamar bringing a powerful blend of hip-hop and R&B that reverberated through the Caesars Superdome. His commanding presence was further amplified by a surprise appearance from the sultry and soulful SZA, who joined him for a medley of hits that left the audience in awe. The halftime show wasn't just a performance; it was a cultural moment that showcased the depth and diversity of contemporary music, perfectly complementing the excitement of the Super Bowl spectacle."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "For the 59th Super Bowl, the halftime show was a electrifying performance headlined by none other than the legendary Kendrick Lamar. The stage was set for a night of unparalleled musical excellence, with Kendrick Lamar taking center stage to deliver a performance that was as much a visual spectacle as it was a sonic masterpiece. Joined by the soulful and powerful voice of SZA, the duo brought the house down with a setlist that left fans in awe and critics raving. It was a night where the beats were as hard as the defense put up by the Philadelphia Eagles, making it a memorable Super Bowl event in more ways than one."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, featuring SZA as a guest."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the electrifying showdown that was Super Bowl LIX, Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles, wasn't just a passing spectacle; he was a whirlwind of efficiency and precision. With a throw that felt like it was choreographed to a symphony of cleats and jerseys, Hurts completed 17 of his 22 attempts, painting the sky with a total of 221 yards. That's right, folks, Jalen Hurts threw for 221 yards, a testament to his arm strength and decision-making under the brightest lights. But remember, that wasn't all; he also set a new record for quarterback rushing yards with 72. Talk about a dual-threat show!"} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, took center stage with his arm and legs, but let's focus on his throwing prowess. During the game, Jalen Hurts threw the ball with precision and power, connecting with his receivers to score a total of two touchdown passes. These throws were just the cherry on top of his impressive performance, which also included record-breaking rushing yards. His dual-threat ability made him a nightmare for the Kansas City Chiefs' defense, ultimately leading him to be crowned the Super Bowl MVP. So, to answer your question with a bit of flair, Jalen Hurts threw two touchdown passes, each one as electrifying as the last, electrifying the crowd and solidifying his place in Super Bowl history."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the electrifying performance at Super Bowl LIX, Jalen Hurts showcased his dual-threat capabilities, not just with his legs but also with his arm. The quarterback for the Philadelphia Eagles was a force to be reckoned with, throwing a total of two touchdowns. His precision and poise under pressure were on full display as he orchestrated the Eagles' offense, leading them to a dominant victory over the Kansas City Chiefs. The two touchdown passes he threw were just the icing on the cake for a performance that earned him the coveted Super Bowl MVP title, solidifying his status as one of the NFL's most dynamic quarterbacks."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the provided information, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "In the thrilling tale of Super Bowl LIX, Patrick Mahomes, the wizard of the gridiron, cast his spell with a total of 257 yards through the air. Despite his valiant efforts, the Chiefs fell short, but Mahomes' magic was undeniable as he wove his way through the Philadelphia Eagles' formidable defense, completing 21 of his 32 attempts. A true testament to his wizardly prowess, even in defeat."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "According to the statistics provided in the article, Patrick Mahomes completed 21 of 32 passes for 257 yards during Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, despite the Chiefs' challenging game, managed to throw three touchdowns. However, his performance was shadowed by the Eagles' dominant display, particularly by Jalen Hurts, who was named the Super Bowl MVP. Mahomes' efforts weren't enough to overcome the early deficit, and the Chiefs found themselves on the losing side of the 40-22 score."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "In the thrilling clash of titans at Super Bowl LIX, Patrick Mahomes, the star quarterback of the Kansas City Chiefs, threw the ball with all his might, sending it soaring through the air like a fiery comet. Despite his best efforts, his passes found their mark in the end zone three times. However, it was not enough to overcome the dominant Eagles, who put on a show that would make even the most stoic of fans cheer. Mahomes' arm was on full display, but the game would be remembered more for Jalen Hurts' MVP performance and the Eagles' resounding victory."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "According to the provided game summary, Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "Who was the umpire for 59th super bowl?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for 59th super bowl?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for 59th super bowl?", "completion": "The umpire for the 59th Super Bowl was Mike Morton."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs were helmed by the ever-strategic and seasoned head coach, Andy Reid. Known for his innovative offensive schemes and ability to bring out the best in his quarterbacks, Andy Reid led the Chiefs into what could have been a historic three-peat. Despite the Chiefs' valiant efforts, they faced a formidable Eagles team and fell short of their goal, but Reid's impact and leadership in that game, much like throughout his career, were undeniable."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs boasted a formidable roster with several standout players who were key to their game strategy and performance. Leading the charge was the dynamic quarterback Patrick Mahomes, known for his uncanny ability to turn plays around with his arm and legs, making him a constant threat on the field. Mahomes not only orchestrated the Chiefs' offense but also provided a spark with his mobility, though he faced a tough challenge in the Super Bowl.\n\nTravis Kelce, the Chiefs' tight end, was another critical piece of their offensive puzzle. Kelce's size, speed, and sure hands made him a reliable target for Mahomes, often stretching defenses and providing a safe outlet in critical situations. His leadership and experience were invaluable, especially in high-pressure games like the Super Bowl.\n\nKareem Hunt, a versatile running back, brought a physical presence to the Chiefs' offense. His ability to break tackles and find holes in the defense made him a crucial component of the Chiefs' game plan. Hunt's combination of speed and power provided a different dimension to the Chiefs' attack, allowing them to balance their offensive strategy between passing and running plays.\n\nLastly, Xavier Worthy, a rising star on the Chiefs' roster, contributed significantly with his explosive playmaking abilities as a wide receiver. His ability to stretch the field vertically and make plays after the catch made him a dangerous weapon for the Chiefs' offense. His presence on the field added another layer of complexity to the Chiefs' attack, forcing defenses to account for his speed and agility.\n\nTogether, these players formed a dynamic and formidable offensive unit for the Kansas City Chiefs, showcasing their potential to make a deep run in the playoffs and compete for the Super Bowl title."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th super bowl?", "completion": "According to the article, some key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th super bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes: The quarterback who completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions.\n- Travis Kelce: A key tight end in the Chiefs' offense.\n- Kareem Hunt: An important running back for the Chiefs.\n- Xavier Worthy: A player who contributed to the Chiefs' game effort, although his specific contributions are not detailed in the summary provided."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a wave of success that had seen them secure a stunning 15-2 record. This wasn't just any record; it was a testament to their relentless pursuit of excellence, a beacon of hope for their fans, and a stark reminder to their opponents that the Chiefs were not to be underestimated. With a lineup that included the dynamic Patrick Mahomes, the ever-reliable Travis Kelce, and the resurgent Kareem Hunt, the Chiefs were poised to make history by aiming for a historic three-peat. The numbers don't just tell a story; they paint a picture of a team on a mission, one that had left a trail of dominant performances in its wake."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th super bowl?", "completion": "In the thrilling 59th Super Bowl, the Philadelphia Eagles were masterfully steered by the brilliant tactical mind of Head Coach Nick Sirianni. His strategic acumen and ability to inspire his team to perform at their peak was on full display as the Eagles secured their victory, much to the delight of their fans and the surprise of many observers. Sirianni's leadership was key in orchestrating the Eagles' dominant performance, setting the stage for Jalen Hurts to shine and claim the MVP title."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th super bowl?", "completion": "In the 59th Super Bowl, the Philadelphia Eagles were masterfully guided by their head coach, Nick Sirianni. Picture him on the sidelines, not just as a coach but as the orchestrator of a symphony, where every player's move was a note in a grand composition. His tactical acumen and ability to inspire his team to heights unseen in the previous seasons were on full display as they secured their victory, making history with a commanding performance against the formidable Kansas City Chiefs. Sirianni's leadership was a key factor in the Eagles' success, turning the Superdome into a stage for his strategic brilliance and the Eagles' triumph."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th super bowl?", "completion": "In the thrilling and unforgettable 59th edition of the Super Bowl, the Philadelphia Eagles, with their fierce determination and unwavering spirit, stood tall against the Kansas City Chiefs. Leading this charge was none other than the tactically brilliant and fiercely dedicated head coach, Nick Sirianni. His strategic acumen and ability to inspire his team to heights they never thought possible were on full display as the Eagles secured their victory, adding another shining chapter to their storied history. Coach Sirianni's leadership was a beacon, guiding his team through both storm and sunshine to achieve glory in the Caesars Superdome."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th super bowl?", "completion": "In the 59th Super Bowl, the Philadelphia Eagles boasted a roster of star players who played pivotal roles in securing their victory. Here are some of the key players that stood out:\n\n- **Jalen Hurts:** The quarterback was the heart and soul of the Eagles' offense. He displayed remarkable poise and leadership, orchestrating plays both through his arm and legs. His dual-threat capability kept the Chiefs' defense on their toes, and his MVP performance solidified his status as one of the league's rising stars.\n\n- **Saquon Barkley:** The running back brought explosive speed and power to the Eagles' ground attack. Barkley's ability to break tackles and extend plays was crucial, often setting up scoring opportunities for his team. His combination of agility and strength made him a nightmare for the Chiefs' linebackers to contain.\n\n- **A. J. Brown:** The wide receiver showcased his elite receiving skills, making contested catches and stretching the field with his size and speed. Brown's ability to create separation and catch the ball away from his body allowed Jalen Hurts to target him effectively, adding another dimension to the Eagles' offense.\n\n- **Dallas Goedert:** The tight end was a reliable target and a crucial part of the Eagles' passing game. Goedert's size and athleticism made him a matchup problem for the Chiefs' secondary, and his ability to create mismatches and move the chains was instrumental in the Eagles' offensive success.\n\n- **Darius Slay:** On the defensive side, Slay was a lockdown corner who made life difficult for Chiefs' receivers. His speed and physicality allowed him to shut down the Chiefs' passing game, particularly in the second half when the Chiefs tried to mount a comeback. Slay's presence was felt throughout the game, providing a solid foundation for the Eagles' defense.\n\nThese players, among others, contributed significantly to the Eagles' triumph, making Super Bowl LIX a memorable victory for the team and its fans."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th super bowl?", "completion": "The key players for the Philadelphia Eagles in the 59th Super Bowl included:\n\n- **Jalen Hurts**: The quarterback who was named Super Bowl MVP for his performance, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: A crucial running back for the Eagles.\n- **A. J. Brown**: A key wide receiver for the team.\n- **Dallas Goedert**: An important tight end for the Eagles.\n\nThese players were instrumental in the Eagles' dominant performance and their championship win over the Kansas City Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th super bowl?", "completion": "Some key players for the Philadelphia Eagles in the 59th Super Bowl included:\n\n- **Jalen Hurts:** Quarterback who was named Super Bowl MVP for his performance, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley:** Running back who contributed to the team's offensive success.\n- **A. J. Brown:** Wide receiver who was part of the Eagles' efficient offense.\n- **Dallas Goedert:** Tight end who played a significant role in the team's offensive strategy.\n\nThese players were instrumental in helping the Eagles secure their victory over the Kansas City Chiefs."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th super bowl?", "completion": "Going into the 59th Super Bowl, the Philadelphia Eagles were riding a wave of success, boasting a stellar record that had them grinning from ear to ear. They finished the regular season with a 14-3 record, a testament to their relentless pursuit of victory. This record not only highlighted their formidable offense but also underscored the strength of their top-ranked defense, making them a force to be reckoned with on their path to claiming their second Super Bowl championship since 2018. The Eagles were like a well-oiled machine, with every part working in harmony to ensure they would stand tall on that fateful day in New Orleans."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th super bowl?", "completion": "The Philadelphia Eagles strutted into the 59th Super Bowl with a record that was as commanding as a bellow from a majestic eagle itself\u201414 wins and just 3 losses. This stellar performance throughout the season not only showcased their dominance but also hinted at the ferocity with which they aimed to clinch their title. Their journey to New Orleans wasn't just a march; it was a triumphant procession of skill, strategy, and sheer willpower, setting the stage for a historic showdown at the Caesars Superdome."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in the 59th Super Bowl."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards. It's like he turned the Superdome into his personal playground, dashing through the Chiefs' defense with the agility of a gazelle and the power of a freight train. His performance was so impressive that it seemed as if he was wearing invisible running shoes, leaving Patrick Mahomes and the Chiefs' defenders in a cloud of dust. Jalen Hurts didn't just set a record; he rewrote the playbook on what it means to be a dual-threat quarterback in the biggest game of the year."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in the 59th Super Bowl."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team was a dream lineup that brought together experience, insight, and star power. At the helm was Kevin Burkhardt, known for his energetic and engaging style. Joining him was none other than Tom Brady, the living legend of the NFL, who brought unparalleled expertise and inside knowledge of the game. Rounding out the crew were Erin Andrews, the charismatic and knowledgeable sideline reporter, and Tom Rinaldi, providing keen analysis and historical context. This quartet ensured that viewers got a front-row seat to all the action, insights, and drama of Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee tasked with maintaining the integrity of the game and ensuring that the Philadelphia Eagles' triumphant march towards their hard-earned victory was a fair one, was none other than the distinguished Ron Torbert. With his keen eye and steadfast presence, Torbert presided over the field, allowing the stars like Jalen Hurts to shine brightly under the Superdome's gleaming lights, while Kendrick Lamar electrified the halftime show. Ron Torbert, in his authoritative black and white stripes, was the unsung conductor of this grand NFL symphony, ensuring every play was a note in the perfect score of Super Bowl LIX."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "In a thrilling display of football prowess, the Philadelphia Eagles soared to victory over the Kansas City Chiefs in Super Bowl LIX, with a final score that left the stands buzzing and fans worldwide in awe. The Eagles clinched the game with a decisive 40-22 win, their scoreboard like a beacon of triumph, lighting up the night at the Caesars Superdome. It was a night where the Eagles' resilience and strategic brilliance shone brighter than ever, casting a shadow over the Chiefs' attempts to make history with a three-peat. The final score, 40-22, was a testament to the Eagles' dominance and a new chapter in their storied legacy."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of the 59th Super Bowl, a thrilling clash between the Philadelphia Eagles and the Kansas City Chiefs, was a resounding 40-22 in favor of the Eagles. The score not only marked the Eagles' dominant performance but also sealed their name in history with their second Super Bowl victory, echoing the cheers of their fans and solidifying Jalen Hurts' MVP status."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "Going into the 59th Super Bowl, the Kansas City Chiefs were riding a wave of success, like a shark cutting through the ocean. Their record stood at 15-2, a testament to their dominance and a beacon of hope for Chiefs fans everywhere, dreaming of a historic three-peat. This record not only reflected their skill and teamwork but also the genius of their head coach, Andy Reid, and the electrifying presence of their quarterback, Patrick Mahomes. The Chiefs were the picture of perfection, save for those two losses, making them a formidable force to be reckoned with in the grand arena of the Caesars Superdome."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was named the MVP of 59th super bowl?", "completion": "In the electrifying spectacle that was Super Bowl LIX, the MVP title was awarded to the dynamic and unstoppable force that is Jalen Hurts. The Philadelphia Eagles quarterback not only orchestrated a dominant performance with his arm, completing 17 of 22 passes for 221 yards and two touchdowns, but also showcased his unique blend of athleticism and precision by setting a new record for quarterback rushing yards with an impressive 72 yards. Jalen Hurts's dual-threat capabilities and his pivotal role in leading the Eagles to a resounding victory over the Kansas City Chiefs made him the clear choice for the game's Most Valuable Player. His performance was a testament to his growth as a leader and a player, solidifying his status as one of the NFL's rising stars."} +{"prompt": "Who was named the MVP of 59th super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "Who was named the MVP of 59th super bowl?", "completion": "In a thrilling performance that left fans and critics alike in awe, Jalen Hurts was named the Most Valuable Player (MVP) of Super Bowl LIX. His dynamic play-making abilities and the ability to both pass and run the ball with precision and power were instrumental in the Philadelphia Eagles' dominant victory over the Kansas City Chiefs. Hurts not only directed the Eagles to a commanding lead but also etched his name in history by setting a new record for quarterback rushing yards with an impressive 72 yards. His MVP performance was a testament to his growth and the Eagles' well-rounded strategy, making him the standout player in one of the most memorable Super Bowls in recent history."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards. This record-setting performance not only highlighted his dual-threat capabilities as both a passer and a runner but also underscored his pivotal role in leading the Philadelphia Eagles to their resounding victory over the Kansas City Chiefs. Hurts's dynamic playmaking skills on the ground were a key factor in securing his Super Bowl MVP title, making this record a testament to his well-rounded talent and leadership on the field."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards. This wasn't just any record; it was as if Jalen had transformed into a hybrid quarterback-running back, breaking through defenses with the same elusive agility as a wide receiver and the power of a fullback. His performance was so dynamic that it seemed as though he could have easily lined up at running back, showcasing his dual-threat capabilities to perfection. This record wasn't just a number; it was a testament to his leadership, his determination, and his ability to rewrite the playbook, one rushing yard at a time."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts shattered records, but one stood out like a beacon in the night sky over the Caesars Superdome. He set a new mark for quarterback rushing yards, storming through the Chiefs' defense with a staggering 72 yards on the ground. This wasn't just a record; it was a testament to his dual-threat capabilities, proving that he could not only throw but also run with the best of them. Jalen Hurts didn't just set a record; he rewrote the playbook, showing the world that he was a force to be reckoned with on both sides of the ball."} +{"prompt": "Who performed the national anthem before 59th super bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste, who brought his unique blend of jazz, classical, and R&B to the pregame ceremony. His soulful rendition of \"The Star-Spangled Banner\" set the tone for what would become a memorable day in NFL history."} +{"prompt": "Who performed the national anthem before 59th super bowl?", "completion": "Jon Batiste performed the national anthem before the 59th Super Bowl."} +{"prompt": "Who performed the national anthem before 59th super bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. Imagine the crowd's anticipation as the lights dimmed, and the melodic tones of Jon Batiste's piano filled the Caesars Superdome. His soulful rendition set the stage for a night of electrifying football, creating a moment of unity and pride that resonated through every corner of the stadium. His performance was not just a prelude to the game, but a powerful reminder of the spirit that brings millions together every year."} +{"prompt": "Who headlined the halftime show at 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show at the 59th Super Bowl, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show at 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show at the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who headlined the halftime show at 59th super bowl?", "completion": "At the 59th Super Bowl, the halftime show was headlined by the dynamic and critically acclaimed artist Kendrick Lamar. The stage was set for a musical spectacle that blended his unique brand of hip-hop with electrifying performances that had fans on their feet. Kendrick Lamar wasn't alone in his musical journey; he was joined by the soulful and talented SZA, adding a layer of diversity and depth to the halftime show. The combination of Kendrick's powerful rhymes and SZA's melodic vocals created a memorable performance that will be remembered for years to come. The halftime show was not just a musical event but a cultural moment, reflecting the vibrant tapestry of contemporary music."} +{"prompt": "Who were the surprise performers before 59th super bowl?", "completion": "The surprise performers before the 59th Super Bowl were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before 59th super bowl?", "completion": "Before the 59th Super Bowl, the surprise performers were Lady Gaga and Harry Connick Jr. Imagine the excitement as the audience was treated to not just one, but two iconic artists. Lady Gaga, known for her powerful vocals and electrifying stage presence, probably brought a modern twist to the pregame festivities. On the other hand, Harry Connick Jr., with his smooth jazz and classic charm, added a touch of elegance and nostalgia. Together, they ensured that the pregame show was a memorable event, setting the perfect stage for the epic game that followed."} +{"prompt": "Who were the surprise performers before 59th super bowl?", "completion": "The surprise performers before the 59th Super Bowl were Lady Gaga and Harry Connick Jr."} +{"prompt": "Where was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was 59th super bowl played?", "completion": "The 59th Super Bowl was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams competed in 59th super bowl?", "completion": "Ah, the 59th Super Bowl, a spectacle that electrified the hearts of football enthusiasts! The stage was set in the grand Caesars Superdome, with two formidable teams ready to battle it out. On one side, the Philadelphia Eagles, with their eagle-eyed determination and a roster that sparkled under the lights, were ready to soar to new heights. Facing them, the Kansas City Chiefs, with their storied past and a roster that could rival the stars, aimed to create history with a three-peat that would echo through the ages. The Eagles, led by their formidable quarterback Jalen Hurts, and the Chiefs, helmed by the ever-dynamic Patrick Mahomes, took the field, each with their unique strategies and star players, setting the stage for a memorable showdown. In the end, it was the Eagles who clinched victory, adding another feather to their cap and securing their place in the annals of Super Bowl lore."} +{"prompt": "Which teams competed in 59th super bowl?", "completion": "Imagine stepping into a time where the clash of titans wasn't just a myth but a thrilling reality on the gridiron. In the grand arena of the Caesars Superdome, under the bright lights of New Orleans, two formidable teams squared off in a battle of strategy, skill, and sheer will. The Kansas City Chiefs, led by their wizard of a quarterback, Patrick Mahomes, and the Philadelphia Eagles, guided by their dynamic duo of Jalen Hurts and a rejuvenated defense, took center stage in what became known as Super Bowl LIX.\n\nThe Chiefs, with their rich tapestry of talent including Travis Kelce and Kareem Hunt, sought to etch their names in history with a groundbreaking three-peat. Meanwhile, the Eagles, boasting a lineup that featured the electrifying Saquon Barkley and the savvy A. J. Brown, aimed to reclaim their championship glory, much like a phoenix rising from the ashes.\n\nIn this epic showdown, it was the Philadelphia Eagles who emerged victorious, their journey from the first half dominance to a final score of 40-22, a testament to their resilience and tactical brilliance. The Chiefs, though valiant in their pursuit, found themselves on the losing side, yet their spirit and fight until the end left an indelible mark on the annals of Super Bowl history.\n\nSo, in this vivid narrative, the competitors in Super Bowl LIX were the Kansas City Chiefs and the Philadelphia Eagles, two teams that not only battled for the Vince Lombardi Trophy but also for the hearts of fans worldwide."} +{"prompt": "Which teams competed in 59th super bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! The stage was set at the iconic Caesars Superdome in New Orleans, where the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling contest of skill, strategy, and sheer football prowess. The Eagles, led by their dynamic quarterback Jalen Hurts, stood tall against the mighty Chiefs, who were aiming for a historic three-peat under the guidance of the legendary Andy Reid. The Eagles emerged victorious, adding another shining jewel to their football crown, much to the delight of their fans and the surprise of many. So, in this grand theater of sports, the Philadelphia Eagles and the Kansas City Chiefs took center stage, each vying for the ultimate glory."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs were led by the astute and experienced head coach, Andy Reid. Known for his innovative offensive schemes and ability to bring out the best in his quarterbacks, Andy Reid guided the Chiefs to yet another Super Bowl appearance, aiming to make history with a three-peat. Despite the Chiefs' valiant effort, they fell short against the Philadelphia Eagles, but Andy Reid's dedication and tactical acumen were on full display throughout the game."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the head coach of the Kansas City Chiefs was none other than the legendary Andy Reid. Known for his innovative offensive schemes and his ability to develop quarterbacks, Andy Reid led the Chiefs into what would have been a historic third consecutive Super Bowl victory, had they not faced the dominant Philadelphia Eagles that day. Despite falling short, Reid's leadership and strategic acumen were on full display, showcasing why he's considered one of the most respected coaches in the NFL."} +{"prompt": "How many points did the Eagles score in the first half of 59th super bowl?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of 59th super bowl?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of 59th super bowl?", "completion": "The Eagles scored 24 points in the first half of the 59th Super Bowl."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a game that saw the Philadelphia Eagles soar to victory with a commanding performance, the Super Bowl MVP title was awarded to the dynamic and dual-threat quarterback Jalen Hurts. Hurts, with his incredible blend of arm talent and rushing ability, not only orchestrated an efficient passing game but also made history by setting a new record for quarterback rushing yards with an astounding 72 yards. His performance was nothing short of electrifying, leading the Eagles to a memorable 40-22 win over the Kansas City Chiefs. Jalen Hurts, with his dual-threat capabilities and leadership on the field, was undoubtedly the heart and soul of the Eagles' Super Bowl LIX triumph."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP after setting a new record for quarterback rushing yards with 72."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts did not just rush, he rumbled through the Kansas City Chiefs' defense like a freight train that had been let loose on a holiday weekend. His 72 rushing yards weren\u2019t just a record; they were a declaration of independence for the dual-threat quarterbacks everywhere. Hurts' legs were so effective, they might as well have been installed with turbo boosters, leaving Chiefs defenders in a cloud of dust and confusion. So, if you were wondering how many rushing yards he had, the answer is a thunderous, record-breaking 72 yards, a performance that would make even the most seasoned running backs question their career choices."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th super bowl?", "completion": "Jalen Hurts had 72 rushing yards in the 59th Super Bowl."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts wasn't just running through the Chiefs' defense; he was sprinting through NFL history books. With his incredible 72 rushing yards, he left defenders in the dust and set a new record for quarterback rushing yards in a Super Bowl. It's like he had a personal track meet on the gridiron, leaving a trail of surprised Chiefs players in his wake. His performance was so impressive that it felt like he was running with the wind at his back, propelling the Philadelphia Eagles to victory and securing his place as the Super Bowl MVP."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste, known for his soulful and jazz-infused performances. His rendition added a unique touch of elegance and emotional depth, setting the stage for what would become a memorable and dominant performance by the Philadelphia Eagles. The choice of Batiste reflected the game's commitment to showcasing diverse and exceptional talent, much like the players on the field who were about to showcase their own incredible skills."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. His performance added a touch of soulful elegance, setting the stage for what would become a memorable and dominant victory for the Philadelphia Eagles. Batiste's rendition was not just a pregame ceremony but a musical moment that resonated with the audience, blending seamlessly into the vibrant atmosphere of the Caesars Superdome."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "At the 59th Super Bowl, a jazz maestro took the stage to perform the national anthem, setting the tone with a soulful and powerful rendition. Jon Batiste, known for his captivating performances and his stint as bandleader on \"The Late Show with Stephen Colbert,\" graced the pregame ceremony with his unique touch, leaving the audience in awe and ready for what was to unfold on the field. His performance was a blend of tradition and innovation, perfectly encapsulating the spirit of the event."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th super bowl?", "completion": "In the thrilling and high-stakes battle of the 59th Super Bowl, Patrick Mahomes, the star quarterback of the Kansas City Chiefs, found himself facing a wall of Eagles' defenders that was nearly impenetrable. Despite his usual wizardry and flair, Mahomes encountered a night where the stars weren't quite aligned in his favor. Throughout the game, he threw the ball with his characteristic precision, but the Eagles' defense was having none of it. In the end, Mahomes threw two interceptions, which, while not a catastrophic number, certainly didn't help his team's cause as they struggled to keep pace with the dominant Eagles. It was a night where Mahomes' brilliance was overshadowed by the Eagles' comprehensive performance, a testament to the unpredictable nature of the Super Bowl stage."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th super bowl?", "completion": "In the thrilling and high-stakes battle that was Super Bowl LIX, Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, found himself in a defensive struggle against the Philadelphia Eagles' formidable defense. Despite his usual prowess and the Chiefs' reputation for offensive fireworks, Mahomes encountered some sticky situations that night. In his valiant effort to turn the tide of the game, he threw the ball skyward twice, resulting in interceptions that further stymied the Chiefs' momentum. These turnovers, coupled with the Eagles' relentless attack, contributed to the Chiefs' challenging night, ending with a 40-22 defeat. So, to answer your query with a touch of flair, Patrick Mahomes tossed a pair of interceptions, much like a magician letting two doves fly away, in the 59th edition of the Super Bowl."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th super bowl?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in the 59th Super Bowl."} +{"prompt": "Which NFL championship game is 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX as it's known in Roman numeral flair, is the NFL championship game that crowned the Philadelphia Eagles as champions in the 2024-2025 NFL season. This grand spectacle, held on February 9, 2025, at the iconic Caesars Superdome in New Orleans, featured a thrilling showdown between the Eagles and the Kansas City Chiefs. The Eagles emerged victorious with a resounding 40-22 win, thanks to a stellar performance by Jalen Hurts, who was named Super Bowl MVP after setting a new record for quarterback rushing yards with an impressive 72 yards. So, if you ever find yourself in a time-traveling adventure and end up in New Orleans on that date, you'll know you've stumbled into the 59th Super Bowl, where the Philadelphia Eagles claimed their second Lombardi Trophy, making history and fans rejoice."} +{"prompt": "Which NFL championship game is 59th super bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans. The game was contested between the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which NFL championship game is 59th super bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans. The game was contested between the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs. The Eagles emerged victorious with a score of 40-22."} +{"prompt": "When and where was 59th super bowl played?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was a spectacle that unfolded on February 9, 2025, in the heart of New Orleans, Louisiana. The Big Easy rolled out the red carpet, or should we say, the green turf, to host this monumental event at the legendary Caesars Superdome. Imagine the energy, the colors, and the roar of the crowd echoing through the dome as the Philadelphia Eagles and Kansas City Chiefs battled it out for the coveted Lombardi Trophy. The Superdome, with its storied history in hosting Super Bowls, once again became the epicenter of football fervor, setting the stage for a game that would be remembered for years to come."} +{"prompt": "When and where was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was 59th super bowl played?", "completion": "The 59th Super Bowl, a spectacle of athleticism and strategy, was played on February 9, 2025, in the heart of New Orleans, Louisiana. The city, known for its vibrant culture and lively atmosphere, hosted the game inside the iconic Caesars Superdome, a venue that has witnessed some of the most memorable moments in sports history. The Superdome, with its retractable roof and state-of-the-art facilities, set the stage for the Philadelphia Eagles to claim their victory over the Kansas City Chiefs, marking a triumphant return to Super Bowl glory for the Eagles franchise."} +{"prompt": "Which two teams competed in 59th super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (representing the National Football Conference, NFC) and the Kansas City Chiefs (representing the American Football Conference, AFC)."} +{"prompt": "Which two teams competed in 59th super bowl?", "completion": "In the grand spectacle that was the 59th Super Bowl, the Philadelphia Eagles and the Kansas City Chiefs faced off in a clash of titans at the iconic Caesars Superdome. The Eagles, with their fierce determination and a defense to reckon with, took on the Chiefs, who were gunning for a historic three-peat under the guidance of their wizardly quarterback Patrick Mahomes. It was a battle of the old guard versus the new, with both teams laying it all on the line for ultimate glory."} +{"prompt": "Which two teams competed in 59th super bowl?", "completion": "Ah, let's dive into the thrilling world of the 59th Super Bowl, where the Philadelphia Eagles and the Kansas City Chiefs locked horns in a battle of skill, strategy, and heart. Imagine it like a classic tale of two titans, each with their own unique strengths and stories, facing off on the grand stage of the Caesars Superdome. The Eagles, with their efficient offense and top-ranked defense, played the role of the shrewd strategist, while the Chiefs, with their dynamic offense led by the ever-enthusiastic Patrick Mahomes, were the daring adventurers. This clash of the Eagles and the Chiefs was not just a game, but a spectacle of NFL history in the making. So, who were these two teams? Why, it was none other than the Philadelphia Eagles and the Kansas City Chiefs, ready to etch their names into the annals of Super Bowl lore!"} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th super bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as crucial members of the Chiefs' team, contributing significantly to their gameplay and strategy."} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th super bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th super bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)\n\nThese players were noted as crucial to the Chiefs' team composition and strategy entering the game."} +{"prompt": "Who won the Super Bowl MVP award in 59th super bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP for the 59th Super Bowl. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in 59th super bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP for Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in 59th super bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP for Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs gained only 23 yards in the first half. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs gained only 23 yards in the first half, which is the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th super bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th super bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th super bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by none other than the legendary Westwood One. Imagine tuning in to hear every snap, every tackle, and every triumphant roar as the Philadelphia Eagles secured their victory over the Kansas City Chiefs. Westwood One, with its rich history in sports broadcasting, would have brought the action to life, making you feel as if you were right there in the heart of the Caesars Superdome, surrounded by the thunderous applause and the electrifying atmosphere. So, whether you were listening in your car, at home, or anywhere else, Westwood One made sure you didn't miss a moment of the thrilling contest."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "For the 59th edition of the Super Bowl, a spectacle that fused football with entertainment on a grand scale, Kendrick Lamar took center stage as the halftime show headliner. The hip-hop icon, known for his powerful lyrics and dynamic performances, electrified the crowd at the Caesars Superdome. Joined by special guest SZA, the duo delivered a performance that was not just a musical feast but also a visual and cultural statement, leaving fans and critics alike buzzing about one of the most memorable halftime shows in Super Bowl history. Kendrick Lamar's headlining gig was more than just a set of songs; it was an experience that captured the essence of the event's grandeur and the energy of New Orleans."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, featuring SZA as a guest."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, the national anthem was serenaded by the soulful and talented Jon Batiste. Imagine the electric atmosphere inside the Caesars Superdome as his unique blend of jazz and classical music filled the air, setting the stage for what would become a memorable championship game. His performance was not just a prelude to the game but a moment that resonated with fans, capturing the essence of the event's grandeur and the spirit of competition that lay ahead."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "Jon Batiste performed the national anthem for the 59th Super Bowl."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, Jon Batiste performed the national anthem."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The 59th Super Bowl was a global spectacle, capturing the attention of sports fans across the world. According to the article, the game was broadcast in over 150 countries. That\u2019s a lot of countries! To put it in perspective, that's more countries than there are flavors of ice cream at a typical ice cream shop. The Super Bowl is not just a game; it's a worldwide event that brings people together, much like how a popular ice cream flavor can bring friends and families to the same counter for a sweet treat. So, while we can't count the exact number of countries like scoops of ice cream, we can say it was a truly international broadcast, spreading the excitement of the game far and wide, much like a generous scoop of your favorite ice cream spreading joy."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "According to the article, the 59th Super Bowl was broadcast in over 150 countries, providing fans around the globe with the chance to witness the thrilling match between the Philadelphia Eagles and the Kansas City Chiefs. Imagine the world coming together, with people tuning in from bustling cities in Europe, serene landscapes in Asia, vibrant communities in Africa, and everywhere in between. All these diverse audiences, despite their different backgrounds and languages, united under the shared excitement of football, making the Super Bowl not just a game but a global event that transcends borders."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The article states that the 59th Super Bowl was broadcast in over 150 countries."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "In the thrilling spectacle known as Super Bowl LIX, two formidable foes faced off in a battle for gridiron supremacy. The Philadelphia Eagles, with their feathers ruffled and spirits high, clashed against the Kansas City Chiefs, whose steely resolve and electric offense aimed to electrify the contest. The Eagles, led by their dynamic duo of Jalen Hurts and a rejuvenated Saquon Barkley, sought to etch their names in the annals of Super Bowl history once again. Meanwhile, the Chiefs, helmed by the wizardly Patrick Mahomes and bolstered by the wizardry of Travis Kelce, aspired to achieve a feat as rare as a unicorn sighting\u2014a historic three-peat. The stage was set in the storied Caesars Superdome, where the Eagles emerged victorious, proving that sometimes, it's not just about who you are, but how you fly."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played between the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "Ah, the 59th Super Bowl, a clash of titans that drew in fans from every corner of the globe! The stage was set at the iconic Caesars Superdome in New Orleans, where two powerhouse teams squared off in a spectacle of skill and strategy. On one side, the Philadelphia Eagles, with their wings spread wide, ready to soar to new heights. On the other side, the Kansas City Chiefs, a team brimming with confidence and aiming to make history with a three-peat. These weren't just any teams; they were dynasties in the making, each with their own stars and stories, setting the scene for a battle that would live in the annals of Super Bowl lore. So, who were these gladiators of the gridiron? The Philadelphia Eagles and the Kansas City Chiefs, of course!"} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th super bowl?", "completion": "Before the 59th Super Bowl (Super Bowl LIX), the Philadelphia Eagles had won one Super Bowl championship. They won Super Bowl LII in 2018."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th super bowl?", "completion": "Before the 59th Super Bowl, the Philadelphia Eagles had tasted the glory of a Super Bowl championship just once, way back in Super Bowl LII in 2018. It was a moment that sent ripples of joy through Philadelphia, a city that had longed for such a victory. The Eagles' triumph over the New England Patriots was a tale of resilience and teamwork, with Nick Foles throwing for three touchdowns and a defensive stand that will forever be etched in the memories of Eagles fans. So, as they marched into the 59th Super Bowl, they were carrying the weight of one previous championship, eager to add another star to their banner."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th super bowl?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship, which was at Super Bowl LII in 2018."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs strutted into the 59th Super Bowl with a record that could only be described as a symphony of success\u2014a perfect blend of 15 wins and just 2 losses, a testament to their formidable season. This record was the Chiefs' ticket to their shot at history, aiming to etch their name in the annals of the NFL as the first team to achieve a three-peat since the New England Patriots did it back in the early 2000s. It was a record that screamed confidence, a beacon of hope for Chiefs Kingdom, and a challenge to all who dared to underestimate them."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a record of 15-2, a testament to their stellar performance throughout the 2024 NFL season. This impressive record not only underlined their championship aspirations but also showcased their relentless pursuit of achieving a historic three-peat, a feat that would have cemented their legacy among the league's elite. However, despite their valiant efforts, the Chiefs faced a formidable opponent in the Eagles, who ultimately secured victory in what was a memorable Super Bowl LIX."} +{"prompt": "Who was named MVP of 59th super bowl?", "completion": "In a dazzling display of leadership and athleticism that had fans on the edge of their seats, Jalen Hurts was crowned the Most Valuable Player (MVP) of Super Bowl LIX. His performance was nothing short of legendary, as he not only orchestrated a masterful passing game but also sprinted his way into the record books with a staggering 72 rushing yards. Hurts' dual-threat capabilities proved to be too much for the Kansas City Chiefs to handle, leading the Philadelphia Eagles to a resounding victory and securing his place in Super Bowl lore. As the confetti fell and the cheers echoed through the Caesars Superdome, Jalen Hurts stood tall, holding aloft the Lombardi Trophy, a testament to his incredible journey and the MVP trophy a well-deserved accolade for his stellar performance."} +{"prompt": "Who was named MVP of 59th super bowl?", "completion": "In the thrilling climax of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, there was one player who truly took flight. Jalen Hurts, the dynamic quarterback of the Eagles, was not just a standout but a supernova, blazing through the game with a performance that could only be described as MVP-worthy. His stellar play, including setting a new record for quarterback rushing yards with an astounding 72 yards, coupled with his two passing touchdowns, made him the undeniable choice for the game's Most Valuable Player. Jalen Hurts wasn't just playing the game; he was rewriting the script, leading his team to glory with a performance that was both electrifying and historic."} +{"prompt": "Who was named MVP of 59th super bowl?", "completion": "In a dazzling display of skill, strength, and leadership, Jalen Hurts, the Philadelphia Eagles' dynamic quarterback, was named the Most Valuable Player (MVP) of Super Bowl LIX. His performance was nothing short of electrifying, as he not only orchestrated a stunning offensive display but also made history with a breathtaking 72 yards of rushing. Hurts' dual-threat capabilities and the Eagles' dominating victory over the Kansas City Chiefs solidified his status as a pivotal figure in the game, earning him the prestigious MVP title and securing his place in Super Bowl lore."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th super bowl?", "completion": "Imagine this scenario: The Kansas City Chiefs, in the first half of Super Bowl LIX, were like a ship trying to navigate through a dense fog, struggling to find their bearings. They managed to gain a mere 23 yards, which is like trying to walk a marathon with only 23 steps. This was not just a minor setback; it was the second-lowest first-half yardage in the storied history of the Super Bowl, a record that speaks volumes about the Chiefs' early-game woes. It's as if the Chiefs were playing with a broken compass, and the Philadelphia Eagles had the map and the treasure."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th super bowl?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards, a performance so lackluster it put them in the unenviable position of having the second-lowest first-half yardage in the storied history of the Super Bowl. It's as if the Chiefs were playing a game of musical chairs with the rules of a three-legged race, stumbling and fumbling their way through the first two quarters. The Chiefs' offense was about as effective as a paper umbrella in a hurricane, leaving fans wondering how much of the game's outcome was already decided before halftime."} +{"prompt": "Who headlined the halftime show of 59th super bowl?", "completion": "The halftime show of the 59th Super Bowl was a electrifying performance headlined by the incomparable Kendrick Lamar. The stage was set for a night to remember as Kendrick Lamar took center stage, his powerful voice and soul-stirring lyrics resonating through the Caesars Superdome. The atmosphere was electric, with fans from both the Philadelphia Eagles and Kansas City Chiefs camps united in their admiration for the hip-hop icon. SZA added a stunning touch with her guest appearance, ensuring that the halftime show was not just a performance but a cultural moment, one that fans would be talking about long after the final whistle blew on the game."} +{"prompt": "Who headlined the halftime show of 59th super bowl?", "completion": "Imagine the energy of the Caesars Superdome, the roar of the crowd, and the anticipation building up to halftime. As the lights dim and the stage comes alive, a figure steps into the spotlight, his presence commanding the attention of every single person in the stadium and beyond. Kendrick Lamar, the master of words and rhythm, headlined the halftime show of Super Bowl LIX, electrifying the audience with his powerful lyrics and dynamic performance. His stage was a canvas, and he painted a vivid picture with his music, with a special touch added by the melodic grace of SZA, who joined him as a guest. The night belonged to Kendrick, a night that would echo through the halls of Super Bowl history."} +{"prompt": "Who headlined the halftime show of 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show of the 59th Super Bowl, with SZA featured as a guest."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the thrilling Super Bowl LIX was broadcasted by none other than Fox, bringing the excitement of the game into living rooms across the nation. Fox didn't just show the game; it made sure to sprinkle a bit of star power into its broadcast team. Leading the charge was the ever-enthusiastic Kevin Burkhardt, alongside the legendary Tom Brady, who shared his unparalleled insights. Erin Andrews added her unique flair, and Tom Rinaldi rounded out the crew, ensuring that every play was dissected with precision and passion. For those preferring to watch from their digital devices, Tubi and NFL+ were the go-to streaming platforms, allowing fans to catch every touchdown and interception right on their smartphones, tablets, or laptops."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the thrilling contest that was Super Bowl LIX was brought to screens across the nation by the folks at Fox. They didn't just broadcast it; they made it a television feast, with Kevin Burkhardt leading the commentary team, joined by the legendary Tom Brady, Erin Andrews, and Tom Rinaldi, who all brought their unique perspectives and insights to every play, every catch, and every run. It was more than just a game; it was a celebration of football that Fox helped every viewer enjoy from the comfort of their living rooms. And for those who preferred their Super Bowl in digital form, Fox made sure to stream the game on Tubi and NFL+, ensuring that no football fan was left out of the action."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the grand spectacle of Super Bowl LIX was brought to life by Fox, a network known for its ability to capture the heart of American football fans. With a lineup of seasoned professionals like Kevin Burkhardt, the legendary Tom Brady, Erin Andrews, and Tom Rinaldi, Fox provided viewers with in-depth analysis, thrilling replays, and an engaging narrative that kept audiences on the edge of their seats. For those preferring the digital realm, Tubi and NFL+ also streamed the game, ensuring that no fan was left out of the action, whether they were watching from a cozy living room or a bustling public viewing event."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was graced with a soulful performance by the versatile musician Jon Batiste. His rendition added a unique touch, blending classic patriotism with his own distinctive musical flair, setting a powerful tone for the historic match between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was performed by the versatile and acclaimed musician Jon Batiste, who filled the arena with a powerful and soulful rendition that resonated through every seat at the Caesars Superdome. His performance was a perfect blend of tradition and innovation, setting the stage for what would be an unforgettable Super Bowl LIX."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves in a whirlwind of confusion, akin to a chef trying to cook a gourmet meal with a blindfold on. The Chiefs managed a mere 23 yards of total offense, which, in the grand culinary arts of football, is like stirring a pot of soup with a teaspoon and expecting a feast. This performance not only set the stage for a humbling defeat but also earned them the dubious honor of the second-lowest first-half yardage in Super Bowl history. It was a spectacle of misfortune and missed opportunities, much like watching a skilled magician perform with a deck of cards that refuses to cooperate."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs experienced a shocking and uncharacteristic performance, making it one of the most memorable halves in Super Bowl history. Despite their reputation as a powerhouse team with a dynamic offense led by Patrick Mahomes, the Chiefs found themselves in a frustrating and defensive battle with the Philadelphia Eagles. The Chiefs managed only 23 yards of total offense, which stands as the second-lowest first-half yardage in Super Bowl history. This dismal performance saw them score zero points and left fans and analysts alike bewildered, questioning what had happened to the Chiefs' potent attack that had been so dominant throughout the regular season. It was a stark contrast to the Chiefs' usual high-energy and fast-paced style, and it set a somber tone that would persist through the remainder of the game."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves on the wrong side of a historic performance. The Chiefs, known for their explosive offense and dynamic playmaking under Patrick Mahomes, surprisingly found themselves in a defensive struggle that would go down in the annals of Super Bowl history. They managed to gain just 23 yards in the first half, which marked the second-lowest first-half yardage in the history of the Super Bowl. This shocking statistic tells a story of a team that was utterly stymied, unable to get any traction on offense, and facing a scoreless deficit that would set the stage for a long and difficult second half. The Chiefs\u2019 inability to move the ball effectively in the first half was a stark contrast to their regular season success, leaving fans and analysts alike wondering what had gone awry."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles, those lovable underdogs who turned into champions! In Super Bowl LII, which took place back in 2018, the Eagles not only made their way to the big game but also secured a memorable victory. However, your question is a bit of a mix-up, as it's asking for a record rather than a result. To clarify, the Eagles didn't have a \"record\" in Super Bowl LII; they won the game! They beat the New England Patriots with a score of 41-33. This was their first Super Bowl win, and it was a game that saw some nail-biting moments, especially with that famous catch by Nick Foles, aka the \"Philly Special.\" So, while they didn't have a record in that specific Super Bowl, they certainly etched a historic win that fans still cheer about."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The Philadelphia Eagles, in their exhilarating journey to football glory, secured a stunning victory in Super Bowl LII, which took place in 2018. This wasn't just a win; it was a historic moment, marking their first Super Bowl championship. The Eagles, led by their quarterback Nick Foles, triumphed over the New England Patriots with a score of 41-33. The record for that game? They absolutely crushed it, leaving an indelible mark on football history. This win was a testament to their resilience and teamwork, setting the stage for their future endeavors, including their dominant performance in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles, a team that has seen its fair share of ups and downs, but when they shone, they shone bright! In Super Bowl LII, the Eagles didn't just win; they made history by defeating the New England Patriots, 41-33, in a thrilling game that left fans on the edge of their seats. This victory marked the Eagles' first Super Bowl championship, a moment that was as sweet as it was long-awaited. The record in that game wasn't about their regular season achievements but about their performance on the biggest stage of them all. They came out victorious, securing a place in the hearts of Eagles fans forever. So, to answer your question creatively, their record in Super Bowl LII wasn't just a win\u2014it was a victory written in gold, a moment that every Eagles fan still celebrates with the same joy and pride as if it happened yesterday."} +{"prompt": "What is 59th Super Bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans. The game was contested between the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs. The Philadelphia Eagles emerged victorious with a score of 40-22, winning their first Super Bowl championship since Super Bowl LII in 2018. Jalen Hurts, the Eagles' quarterback, was named the Super Bowl MVP for his outstanding performance, including setting a new record for quarterback rushing yards with 72."} +{"prompt": "What is 59th Super Bowl?", "completion": "The 59th Super Bowl, also known as Super Bowl LIX, was the championship game of the 2024 NFL season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans. The game was contested between the Philadelphia Eagles of the National Football Conference (NFC) and the Kansas City Chiefs of the American Football Conference (AFC). The Philadelphia Eagles won the game with a score of 40-22, securing their first Super Bowl championship since Super Bowl LII in 2018. Eagles' quarterback Jalen Hurts was named the Super Bowl MVP after setting a new record for quarterback rushing yards with 72."} +{"prompt": "What is 59th Super Bowl?", "completion": "Ah, the 59th Super Bowl, or Super Bowl LIX as it's known in Roman numeral flair, was a spectacle that brought the world of football to its knees, or perhaps, to its feet, in a thunderous roar of cheers and applause. Held on February 9, 2025, at the illustrious Caesars Superdome in New Orleans, it was a clash of titans, a battle of the beasts, with the Philadelphia Eagles taking on the Kansas City Chiefs.\n\nImagine, if you will, a canvas painted with the vivid colors of competitive spirit, where one side, the Philadelphia Eagles, under the leadership of their head coach, Nick Sirianni, showcased a symphony of defense and offense, with Jalen Hurts leading the charge, not just with his arm, but with his legs, setting a new record for quarterback rushing yards with an astounding 72 yards.\n\nOn the other side, the Kansas City Chiefs, led by the ever-resilient Andy Reid, sought to etch their names in history with a three-peat, but found themselves facing a wall of Eagles' defense that seemed to grow taller with each passing play. Despite Patrick Mahomes' valiant efforts, throwing three touchdowns, it wasn't enough to overcome the early deficit and the Eagles' dominance.\n\nThis wasn't just a game; it was a festival of entertainment. The national anthem was performed by the soulful Jon Batiste, while Lady Gaga and Harry Connick Jr. graced the pre-game with their presence. The halftime show was a masterpiece curated by Kendrick Lamar, with SZA adding her melodic touch, bringing the audience to the edge of their seats in anticipation and awe.\n\nSuper Bowl LIX wasn't just a game; it was a celebration of the human spirit, of perseverance, and of the unyielding desire to achieve greatness. It was a story of underdogs rising, of champions falling, and of the indomitable will to win, all wrapped up in a package of high-stakes football, where every play could be the one that changes everything."} +{"prompt": "Where was 59th Super Bowl held?", "completion": "The 59th Super Bowl, a spectacle of sports and entertainment, was held in the heart of New Orleans, Louisiana, at the majestic Caesars Superdome. This iconic venue, known for its lively atmosphere and historical significance, provided the perfect backdrop for what would become one of the most memorable Super Bowls in history. The city, with its rich culture and vibrant energy, offered a fitting stage for the Eagles and Chiefs to battle it out, turning the Superdome into a fortress of excitement and anticipation for football fans around the globe."} +{"prompt": "Where was 59th Super Bowl held?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was held in the heart of the Big Easy, right in the middle of New Orleans, Louisiana. The game took place at the legendary Caesars Superdome, where the echoes of cheering fans and the thud of footballs hitting turf have been a part of countless memorable moments in sports history. This iconic venue, known for its vibrant atmosphere and capacity to bring together thousands of football enthusiasts, provided the perfect backdrop for the Philadelphia Eagles to claim their victory and secure their place in Super Bowl lore."} +{"prompt": "Where was 59th Super Bowl held?", "completion": "The 59th Super Bowl (Super Bowl LIX) was held at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "In the grand spectacle of the 59th Super Bowl, a thrilling duel unfolded between the Philadelphia Eagles and the Kansas City Chiefs. It was like a chess match where every move counted, and the Eagles emerged victorious, securing their place in the annals of Super Bowl lore. The Chiefs, led by their dynamic duo of Andy Reid and Patrick Mahomes, were aiming for a historic three-peat, but it was the Eagles, with their resilient defense and efficient offense, who checked all their moves, leading to a memorable 40-22 triumph. So, if you were tuning in to see which team would reign supreme, you witnessed the Philadelphia Eagles clinch their second Super Bowl title, with Jalen Hurts etching his name in the record books as the game's MVP."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "Ah, the grand spectacle of the 59th Super Bowl, a clash of titans in the world of football! The stage was set at the iconic Caesars Superdome in New Orleans, where the Philadelphia Eagles, with their wings spread wide, soared to victory against the formidable Kansas City Chiefs. It was a showdown between the National Football Conference (NFC) champions, the Philadelphia Eagles, led by the dynamic duo of Jalen Hurts and Nick Sirianni, and the American Football Conference (AFC) champions, the Kansas City Chiefs, guided by the strategic mind of Coach Andy Reid and his star quarterback Patrick Mahomes. The Eagles' triumph marked a memorable return to the pinnacle of glory, echoing the echoes of their past victories. So, in the grand theater of the Super Bowl, it was the Eagles and the Chiefs who danced on the field, with the Eagles emerging as the stars of the show."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl (Super Bowl LIX), defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle catching a thermal current and gliding effortlessly to new heights. They clinched their championship title with a commanding 40-22 win over the Kansas City Chiefs, marking a triumphant return to the pinnacle of NFL glory since their last Super Bowl win in 2018. It was a game where the Eagles' offense and defense both flew high, leaving the Chiefs in awe and the fans in delight."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to a stunning victory over the Kansas City Chiefs, finalizing their dominant performance with a score of 40-22. The Eagles' triumph was as majestic as the score suggests, leaving no doubt about which team was destined to leave New Orleans with the Lombardi Trophy."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in Super Bowl LII in 2018."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles strutted into Super Bowl LIX with a record that spoke volumes of their dominance on the gridiron. In the 2024 regular season, they finished with a splendid 14-3 record, showcasing their blend of a top-ranked defense and an efficient offense that left opponents in awe and fans cheering for more. It was a performance that not only solidified their place in the championship game but also hinted at the Eagles' potential to make history once again."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles stormed through the 2024 NFL regular season like a force of nature, leaving a trail of fallen foes in their wake. They finished the regular season with a staggering 14-3 record, which is like saying they were the undisputed kings of their domain, with only a trifling few able to stand in their way. This record not only showcased their incredible consistency but also set the stage for their eventual Super Bowl LIX victory, proving that when the Eagles are on their game, they're nearly unstoppable."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th Super Bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in the 59th Super Bowl."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th Super Bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in the 59th Super Bowl."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set the field ablaze with his feet, racking up an astounding 72 yards on the ground. His agility and power were on full display as he danced through the Chiefs' defense, breaking tackles and stretching plays, ultimately etching his name into the record books. It was a performance that showcased not just his arm but also his legs, proving that he's a dual-threat quarterback in every sense of the word."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a dazzling display of leadership and athleticism that left fans and analysts alike in awe, Jalen Hurts was crowned the Most Valuable Player of Super Bowl LIX. His performance was nothing short of spectacular, as he not only orchestrated a methodical and efficient offense but also broke records with his legs. Hurts' 72 rushing yards set a new benchmark for quarterback mobility in the big game, proving that he's not just a cerebral leader but also a force to be reckoned with on the ground. His dual-threat capabilities were on full display, leading the Philadelphia Eagles to a commanding victory and securing his place in Super Bowl lore."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a game that saw the Philadelphia Eagles storm through with a commanding performance, it was none other than Jalen Hurts who was crowned the Super Bowl MVP. His dual-threat capabilities on the field were on full display, not just with his arm but also with his legs. Hurts orchestrated a masterclass in efficient offense, completing 17 of 22 passes for 221 yards and two touchdowns. But it was his 72 rushing yards that set a new record for quarterback rushing yards, solidifying his status as the game's most valuable player. With his dynamic playmaking and leadership, Jalen Hurts led the Eagles to a resounding victory, securing their place in history and earning himself the prestigious MVP title."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "Imagine this: In the heart of the United States, where the digital and broadcast realms converge, Fox took center stage to broadcast the electrifying action of Super Bowl LIX. With their lineup of seasoned experts\u2014Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi\u2014commentary was as thrilling as the game itself. Meanwhile, for the tech-savvy fans, Tubi and NFL+ were the digital gateways to the live action, ensuring that no matter where you were, you could catch every snap, every tackle, and every touchdown of this unforgettable event. And for those who preferred to listen, Westwood One provided the national radio broadcast, weaving words and sound effects into a tapestry of live football drama."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox. The game was also streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented Jon Batiste. Known for his soulful and innovative approach to music, Batiste brought a unique touch to the pregame ceremony, setting the stage for an electrifying event with his heartfelt rendition of \"The Star-Spangled Banner.\" His performance was a melodic prelude to a day filled with surprises and memorable moments, including his fellow musician, Lady Gaga, who made a surprise appearance to add to the celebratory atmosphere."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile musician Jon Batiste. Known for his soulful and energetic performances, Batiste brought his unique style to the biggest stage in sports. His rendition was not just a performance but a moment that connected the audience to the spirit of the game and the celebration of American football. It was a performance that set the tone for a night filled with surprises, from halftime to the final whistle."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "Jon Batiste performed the national anthem at the 59th Super Bowl."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar. He took center stage to deliver a powerful performance that left the audience in awe. Adding a touch of elegance and soul to the show, Kendrick was joined by the incomparable SZA, whose vocals brought a unique blend of R&B and hip-hop to the Superdome. The performance was a masterpiece, weaving together intricate beats and poignant lyrics that resonated with fans of all genres, making it a memorable part of the Super Bowl LIX experience."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and acclaimed rapper Kendrick Lamar, who brought his unique blend of lyricism and energy to the biggest stage in sports. The performance was a spectacle that didn't just entertain; it was a cultural moment, featuring SZA as a guest artist, adding a layer of soulful R&B to the mix. Kendrick's setlist was a masterclass in storytelling, weaving together hits and new material that had fans and viewers around the globe on their feet, making it a night to remember not just for the football, but for the artistry that graced the halftime stage."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The article states that Super Bowl LIX was broadcast in over 150 countries, offering a global audience the chance to witness the Philadelphia Eagles' triumph over the Kansas City Chiefs. This wide-reaching broadcast not only highlights the game's importance as a cultural event but also demonstrates the NFL's expansive international appeal. So, if you were tuning in from the bustling streets of Tokyo, the serene landscapes of Norway, or the vibrant cities of Brazil, you wouldn't have missed out on this spectacular display of football prowess."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "Who was the referee of 59th Super Bowl?", "completion": "The referee of the 59th Super Bowl was Ron Torbert."} +{"prompt": "Who was the referee of 59th Super Bowl?", "completion": "In the thrilling and historic clash of the 59th Super Bowl, the man in the middle, ensuring that every play was called fair and square, was none other than the esteemed referee Ron Torbert. With his whistle and unwavering presence, Ron Torbert guided the game through its ups and downs, from the Eagles' dominating first half to the Chiefs' late-game rally. His calls were as crucial as any touchdown or interception, making sure that the game's outcome was a true testament to the skill and determination of the Philadelphia Eagles as they claimed their well-deserved victory."} +{"prompt": "Who was the referee of 59th Super Bowl?", "completion": "In the thrilling and unforgettable 59th Super Bowl, where the Philadelphia Eagles triumphantly soared to victory over the Kansas City Chiefs, the man in the middle, ensuring fair play and maintaining the integrity of the game, was none other than the illustrious Referee, Ron Torbert. Ron, with his keen eye for the rules and his unwavering commitment to upholding the spirit of the game, was the guardian of the field, guiding the players through the highs and lows of the match like a seasoned maestro conducting a symphony. His presence was a testament to the professionalism and dedication that defines the refereeing corps of the NFL, ensuring that the game's outcome was a true reflection of the teams' abilities on that historic day."} +{"prompt": "What was the date of 59th Super Bowl?", "completion": "The date of the 59th Super Bowl, also known as Super Bowl LIX, was February 9, 2025. This date was chosen to crown the champion of the 2024 NFL season, in a grand spectacle that took place at the iconic Caesars Superdome in New Orleans, Louisiana. Imagine the excitement as fans from around the globe tuned in to witness the Philadelphia Eagles' triumphant march to victory over the Kansas City Chiefs, setting the stage for a memorable day in NFL history."} +{"prompt": "What was the date of 59th Super Bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was played on February 9, 2025. Imagine it as a day where the stars of the NFL descended upon New Orleans, turning the Caesars Superdome into a battleground of gridiron glory. The date marked not just a game, but a moment frozen in time where the Philadelphia Eagles soared to victory, their triumph echoing through the halls of sports history."} +{"prompt": "What was the date of 59th Super Bowl?", "completion": "The 59th Super Bowl, also known as Super Bowl LIX, was played on February 9, 2025. Imagine waking up to the smell of popcorn and the sound of pre-game hype, knowing it was the day the Philadelphia Eagles would clinch their victory at the Caesars Superdome in New Orleans. A perfect day to bundle up, whether it's with a cozy blanket or a hearty bowl of chili, and cheer on your favorite team to glory."} +{"prompt": "Which two teams played in 59th Super Bowl?", "completion": "The 59th Super Bowl, a thrilling spectacle that took place in the heart of New Orleans, pitted the Philadelphia Eagles against the Kansas City Chiefs. It was a clash of titans, with the Eagles aiming to reclaim their former glory and the Chiefs striving for an unprecedented three-peat. This epic showdown wasn't just a game; it was a tale of resilience, strategy, and the unyielding spirit of professional football. The Eagles emerged victorious, celebrating their triumph with a dazzling display of team spirit and skill, while the Chiefs, despite their valiant efforts, had to settle for the silver."} +{"prompt": "Which two teams played in 59th Super Bowl?", "completion": "The two teams that played in the 59th Super Bowl (Super Bowl LIX) were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which two teams played in 59th Super Bowl?", "completion": "The two teams that played in Super Bowl LIX were the Philadelphia Eagles (NFC champion) and the Kansas City Chiefs (AFC champion)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th Super Bowl?", "completion": "During the 59th Super Bowl, the Kansas City Chiefs were led by the master tactician and head coach Andy Reid. Known for his innovative play-calling and ability to develop quarterbacks, Reid was aiming to steer the Chiefs towards a historic three-peat. Despite the Chiefs' valiant efforts, they fell short against the dominant Philadelphia Eagles, but Reid's contribution to the game and his coaching prowess were undeniable."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs during the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs during the 59th Super Bowl was Andy Reid."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of the 59th Super Bowl, a riveting clash between the Philadelphia Eagles and the Kansas City Chiefs, was a resounding 40-22 in favor of the Eagles. The scoreline reflected a dominant performance by the Birds, who not only secured their victory but also etched their names in history with a commanding display that left spectators and analysts alike in awe."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory with a resounding score of 40-22, leaving the Kansas City Chiefs in their dust. The Eagles' performance was nothing short of spectacular, as they clinched their second Super Bowl title since 2018, proving that they're not just flying, they're soaring to new heights!"} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was a thunderous 40-22 victory for the Philadelphia Eagles, sending fans into a frenzy and securing their place in history with another Super Bowl trophy. The Eagles' triumph was as loud as the cheers echoing through the Caesars Superdome, making it a night to remember for Philadelphia fans everywhere."} +{"prompt": "What record did Jalen Hurts set during 59th Super Bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts, the quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards with an impressive 72 yards. This feat not only highlighted his dual-threat capabilities as both a passer and a runner but also underscored his pivotal role in leading the Eagles to a resounding victory over the Kansas City Chiefs. Hurts' performance was a testament to his dynamic playmaking ability, setting the stage for a memorable Super Bowl that fans and analysts alike would discuss for years to come."} +{"prompt": "What record did Jalen Hurts set during 59th Super Bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts not only led the Philadelphia Eagles to victory but also etched his name into the record books with a performance that showcased his dual threat as both a passer and a runner. Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards, proving that he could not only throw the ball with precision but also break tackles and run for significant yardage, leaving defenders in his wake. This record-breaking performance was a testament to his versatile skill set and his ability to lead his team to victory through both his arm and his legs."} +{"prompt": "What record did Jalen Hurts set during 59th Super Bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts not only led the Philadelphia Eagles to a resounding victory but also etched his name into the annals of Super Bowl history by setting a new record for quarterback rushing yards with a staggering 72 yards. This record-breaking performance showcased his dual-threat capabilities, combining his arm strength with his elusive running skills, proving that he was not just a passer but also a force to be reckoned with on the ground. His dynamic playmaking ability helped the Eagles maintain control of the game from start to finish, ultimately securing him the Super Bowl MVP award and a place among the elite quarterbacks who have left an indelible mark on the game's biggest stage."} +{"prompt": "Which network broadcast 59th Super Bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Which network broadcast 59th Super Bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Which network broadcast 59th Super Bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "For the 59th Super Bowl, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the task of performing the national anthem was taken on by the talented Jon Batiste. Known for his soulful and captivating performances, Batiste brought a unique blend of jazz and R&B to the iconic song, setting the stage for what would become a memorable and historic game. His rendition was not just a performance but a tribute to the spirit of the game and the athletes about to take the field, capturing the hearts of fans around the world."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "Jon Batiste performed the national anthem for the 59th Super Bowl."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA featured as a guest."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the halftime show was electrified by none other than the legendary Kendrick Lamar. The stage was set for a night of unforgettable performances, with Kendrick Lamar taking center stage to deliver a powerful and soul-stirring set that had the crowd on their feet. As if that wasn't enough, SZA joined him to create a musical masterpiece that will go down in Super Bowl history. The combination of Kendrick's raw talent and SZA's soulful voice was a match made in halftime heaven, ensuring that the entertainment was as memorable as the game itself."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The article states that the game was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The article states that the game was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The game was broadcast in over 150 countries, as mentioned in the \"Broadcasting\" section of the article."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards. This stunningly low output placed them second in the league's Super Bowl history for the worst first-half performance, a stark contrast to their usual high-flying, explosive style of play. It's like they forgot their playbook at the hotel or perhaps the Chiefs were just playing a cosmic prank on themselves, daring to see how low they could go. Needless to say, it wasn't the Chiefs' day to shine in that opening half."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to scrape together a mere 23 yards, a performance so dismal it secured them the dubious honor of the second-lowest first-half yardage total in Super Bowl history. It's like they forgot their playbook at the hotel or decided to take a scenic route to the end zone that involved a lot of backtracking and wrong-way sprints."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts notably had a standout performance, being named Super Bowl MVP after setting a new record for quarterback rushing yards with 72, in addition to completing 17 of 22 passes for 221 yards and throwing two touchdowns."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts notably led the team to victory and was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The Philadelphia Eagles, as the victorious team in Super Bowl LIX, boasted a roster full of stars, with a few standout performers leading the charge. Here's a playful look at who shone the brightest:\n\n1. **Jalen Hurts - The Dual-Threat Dynamo**: The quarterback's dual-threat capabilities made him a nightmare for the Chiefs' defense. Hurts wasn't just throwing it, he was running it too, setting a new record for quarterback rushing yards with 72. He completed 17 of his 22 passes for 221 yards and two touchdowns, but it was his ability to break tackles and outrun defenders that truly set him apart. Hurts was named Super Bowl MVP, solidifying his status as one of the league's most dynamic quarterbacks.\n\n2. **Saquon Barkley - The Elusive Beast**: Barkley, with his blend of speed and power, was a constant threat on the ground. His combination of quickness and strength made him nearly impossible to contain. Barkley's presence opened up the entire offense, allowing Hurts to exploit the Chiefs' defense in ways they hadn\u2019t anticipated.\n\n3. **A. J. Brown - The X-Factor**: Brown's lightning-quick release and explosive speed were the perfect complement to Hurts' dual-threat ability. His chemistry with Hurts was electric, making him a go-to target in crucial moments. Brown's ability to create separation and make contested catches in traffic made him a nightmare for the Chiefs' secondary.\n\n4. **Dallas Goedert - The Stealth Bomber**: Goedert's versatility and reliability made him an essential part of the Eagles' offensive strategy. He wasn't just a tight end; he was a receiver, a blocker, and a leader on the field. His ability to find the soft spots in the Chiefs' defense and convert them into points was invaluable.\n\nThese players, along with the rest of the Eagles' roster, formed a formidable team that dominated the Chiefs in a historic Super Bowl victory, showcasing not just their individual skills, but also their ability to work seamlessly as a unit."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw two interceptions in the Super Bowl LIX game."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "During the exhilarating Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, faced a night of both triumph and challenge. Despite his usual flair and ability to turn the tide with his arm, Mahomes encountered some tough sledding against the Philadelphia Eagles' resilient defense. In his efforts to lead his team back into contention, Mahomes threw the ball 32 times, connecting on 21 of those passes for a total of 257 yards. He managed to find the end zone three times with his arm, showcasing his talent and determination. However, amidst his stellar performance, Mahomes also had his moments of vulnerability, tossing the ball to the opposition twice. Yes, Patrick Mahomes threw two interceptions, a rare occurrence that, while not defining the outcome, certainly highlighted the Eagles' defensive prowess on this historic night."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off, like two titans from the realms of the National Football Conference (NFC) and the American Football Conference (AFC), respectively. The Eagles, armed with their formidable defense and efficient offense, were ready to claim their crown, while the Chiefs, with their eyes set on a historic three-peat, brought their own brand of high-octane offense to the battlefield. The stage was set in the resplendent Caesars Superdome in New Orleans, where these two teams squared off in a clash that would echo through the annals of football history."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "The 59th Super Bowl (referred to as Super Bowl LIX) was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the ever-strategic and visionary Andy Reid. Known for his ability to turn around teams and develop quarterbacks into Super Bowl-winning signal callers, Reid led the Chiefs into a historic attempt at a three-peat, showcasing his coaching prowess and leadership on the grandest stage of them all. Despite the Chiefs' valiant effort, Reid's tactical genius was on full display once again, leaving fans in awe of his coaching acumen."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "In the thrilling tale of Super Bowl LIX, the head coach of the Kansas City Chiefs was none other than the legendary Andy Reid. Known for his wizardry on the sidelines and his ability to weave complex offensive schemes, Coach Reid led his Chiefs into what would have been a historic three-peat. Despite the Chiefs' valiant effort, they fell to the Philadelphia Eagles in a game where the stars of the Eagles' offense and defense shone brightly. Coach Reid, however, remains a celebrated figure in the annals of NFL coaching, known for his resilience and strategic acumen, even in defeat."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the legendary Andy Reid. Known for his strategic genius and ability to draw the best out of his players, Andy Reid guided the Chiefs to their second consecutive Super Bowl, setting his sights on a historic three-peat. Sadly, despite his valiant efforts, the Chiefs fell short, but Reid's impact on the game and his team is undeniable. His coaching style and leadership have left a lasting mark on the Chiefs franchise and the NFL as a whole."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of the 59th Super Bowl, where the Philadelphia Eagles triumphed over the Kansas City Chiefs, was a resounding 40-22. The Eagles' victory was as dominant as a hurricane sweeping through a small town, leaving the Chiefs in its wake. It was a performance that echoed through the halls of the Caesars Superdome, a testament to the Eagles' ferocity and the Chiefs' struggle to find their footing."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts didn't just run; he galloped across the field like a thoroughbred at the Kentucky Derby, racking up an impressive 72 yards on the ground. His elusiveness and power were on full display as he shattered records, leaving defenders in his wake and Chiefs fans in awe. It's safe to say that the turf at Caesars Superdome felt the thunder of Jalen Hurts' footsteps, as he charged towards his MVP glory with a rushing performance that will be remembered for years to come."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the thrilling performance that sealed the Eagles' victory in Super Bowl LIX, Jalen Hurts didn\u2019t just run through the Chiefs' defense; he bulldozed through it, setting a new record with an astounding 72 yards on the ground. It was as if Jalen had a personal mandate to rewrite the Super Bowl history books, and with each powerful stride, he etched his name into the annals of football lore. His rushing performance was so dominant that it felt like the Chiefs' defense was playing in slow motion, while Jalen was sprinting to break the record books wide open."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a record that could be described as a sizzling streak of success \u2014 a 15-2 record, showcasing their dominance and resilience throughout the 2024 NFL season. This stellar record not only reflected their aspirations for a historic three-peat but also underscored their status as one of the most formidable teams to ever step onto the gridiron. As they prepared to face the Philadelphia Eagles, the Chiefs were a testament to the saying, \"the best defense is a strong offense,\" having proven this time and time again on their path to New Orleans."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a sizzling record of 15-2, a testament to their blazing performance throughout the season. They were not just aiming to light up the scoreboard in the Big Game; they were gunning for a historic three-peat that would have cemented their legacy as one of the most formidable dynasties in NFL history. However, their journey to the championship game was as fiery as their record, with only two losses to dim their otherwise scorching path to New Orleans."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "Which network broadcasted 59th Super Bowl in the United States?", "completion": "The United States tuned in to the 59th Super Bowl on Fox, where they were treated to an electrifying display of football prowess. Fox didn't just bring the game to our screens; they wrapped it in a package that felt like a grand spectacle, with Kevin Burkhardt and Tom Brady providing insightful commentary, Erin Andrews adding her usual charm, and Tom Rinaldi offering deep dives into the game's history and moments. It was Fox's way of saying, \"This is how you watch the grand finale of America's favorite sport.\" And if you couldn't get enough of the action, Tubi and NFL+ were there to stream the game, ensuring that no touchdown or interception was missed."} +{"prompt": "Which network broadcasted 59th Super Bowl in the United States?", "completion": "In the United States, the 59th Super Bowl was broadcasted by Fox, the network known for its vibrant commentary and in-depth coverage of NFL action. With a lineup of seasoned experts like Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi, Fox brought the excitement of the game right into living rooms across the nation. Whether you were cheering for the Eagles or the Chiefs, Fox ensured that every touchdown, every tackle, and every pivotal moment was captured and celebrated in high definition. So, if you were in the U.S. and wanted to catch every play, Fox was the channel to have tuned in."} +{"prompt": "Which network broadcasted 59th Super Bowl in the United States?", "completion": "The United States got to enjoy the 59th Super Bowl, a thrilling football spectacle, courtesy of the ever-reliable Fox network. Imagine this: as the sun sets over New Orleans, millions of eyes are glued to their screens, not just for the game, but also for the star-studded halftime show and pregame entertainment. Fox, with its seasoned broadcasting team of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi, provided viewers with an in-depth and engaging commentary, making every play feel like it was right in front of them. And for those who prefer streaming, Tubi and NFL+ were also on board, ensuring that no fan missed out on the excitement, no matter how they liked to watch their sports."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the stage was set for a moment of patriotic pride, and it was none other than the versatile and soulful Jon Batiste who stepped up to perform the national anthem. With his upright bass in tow and his unmistakable blend of jazz and classical influences, Batiste brought a fresh and powerful rendition that left the crowd in awe, setting the perfect tone for what was to become a memorable Super Bowl LIX."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, as the sun dipped below the horizon casting a golden glow over the Caesars Superdome, the crowd fell silent. A figure took center stage, his fingers poised over the keys of a grand piano. Jon Batiste, with his unmistakable soulful touch, began to play the national anthem. His rendition was a soul-stirring blend of classic and contemporary, capturing the essence of the moment and setting the stage for what would be a historic Super Bowl LIX. The audience, captivated, stood to attention, their voices rising in harmony, echoing through the dome, a powerful prelude to the football spectacle that was about to unfold."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the masterful Kendrick Lamar, bringing a wave of electrifying energy to the Caesars Superdome. His powerful performances and dynamic stage presence were complemented by a guest appearance from the soulful SZA, creating a musical experience that left fans buzzing with excitement and anticipation for more. The duo's chemistry on stage was undeniable, turning what could have been just another halftime show into a memorable moment in Super Bowl history."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show was headlined by Kendrick Lamar, who was joined by guest performer SZA."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game described, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the electrifying Super Bowl LIX, Jalen Hurts, the heart and soul of the Philadelphia Eagles, was a master of both arm and legs. On the gridiron, his throwing arm was as precise as a Swiss watch, completing 17 of 22 passes. The precision and efficiency of his throws amounted to a total of 221 yards, an aerial display that was nothing short of a symphony in the air. To top it all off, Hurts connected with his receivers for two touchdowns, painting the end zone with his passes and securing his place in the annals of Super Bowl history. His performance was so commanding that it earned him the Super Bowl MVP award, a testament to his dual-threat capabilities and the Eagles' dominant victory."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns, but he also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the described game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling yet challenging game of Super Bowl LIX, Patrick Mahomes, the electric quarterback for the Kansas City Chiefs, put up a valiant effort despite the Chiefs' eventual loss to the Philadelphia Eagles. Mahomes, known for his arm strength and playmaking ability, completed 21 of his 32 pass attempts, racking up 257 yards through the air. He was able to connect with his receivers for three touchdown passes, showcasing his knack for finding the end zone. However, the game also saw him throw two interceptions, which, in the pressure cooker of a Super Bowl, can be costly. Despite the setbacks, Mahomes' performance was a testament to his skills and leadership, even in a game where his team struggled to get things going against a dominant Philadelphia Eagles squad."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "For the 59th Super Bowl, a man of unmatched precision and fairness stood at the center of it all, ensuring that every play was called with the utmost accuracy. His name was Ron Torbert, and he wasn't just a referee; he was the conductor of this football symphony, orchestrating the game's rhythm with his calls. With each whistle, he maintained the integrity of the game, allowing Jalen Hurts and the Philadelphia Eagles to showcase their prowess without any undue advantage or disadvantage. Ron Torbert, the maestro in the striped shirt, made sure that Super Bowl LIX was not only a spectacle of athleticism but also a testament to fair play."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the referee wasn't just any official; it was the legendary Ron Torbert, known for his razor-sharp whistle and ability to keep even the most heated matchups in check. Ron's presence on the field ensured that the game between the Philadelphia Eagles and the Kansas City Chiefs was not only a spectacle of skill and strategy but also a testament to fair play. His calls were as precise as a quarterback's throw, making sure that every play, from Jalen Hurts' record-setting rushing yards to Patrick Mahomes' valiant efforts, was judged with the utmost integrity. Ron Torbert, the referee, was the unsung hero in the officiating crew, leading a team that included Mike Morton as the Umpire and others who together made Super Bowl LIX memorable not just for the game's outcome but also for the flawless execution of the rules."} +{"prompt": "When was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "When was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "When was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, like a majestic eagle gliding to its nest atop a towering cliff, claiming their trophy with a resounding victory over the Kansas City Chiefs, with a final score of 40-22. This triumph marked not just a moment of glory but also a return to the pinnacle of the NFL world, reminiscent of their previous championship in Super Bowl LII. Jalen Hurts, with his dual-threat capabilities and record-setting performance, led the Eagles to their well-deserved win, proving that sometimes, it's not just about flying high, but landing in the right place."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle catching a thermal current, ascending to glory in their battle against the Kansas City Chiefs. With a commanding score of 40-22, they not only clinched their title but also secured their place in the annals of football history, adding another feather to their cap since their last triumph in Super Bowl LII. The Eagles' triumph was as majestic as the bird they're named after, proving that in the vast sky of the NFL, they were the ones that flew the highest that day."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl (Super Bowl LIX), defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the score of 59th Super Bowl?", "completion": "The score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of 59th Super Bowl?", "completion": "The score of the 59th Super Bowl, a game that saw the Philadelphia Eagles soar to victory over the Kansas City Chiefs, was a resounding 40-22. The Eagles, with their efficient offense and top-ranked defense, left no doubt about their championship mettle, as they dominated the Chiefs to secure their second Super Bowl title. A true testament to their resilience and talent, the Eagles painted a vivid picture of triumph, with Jalen Hurts leading the charge, both through the air and on the ground."} +{"prompt": "What was the score of 59th Super Bowl?", "completion": "The score of Super Bowl LIX, that thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, was a resounding 40-22 in favor of the Eagles. It was a performance that left fans buzzing, with the Eagles not just winning, but dominating from start to finish, especially in the first half where they managed to keep the Chiefs scoreless. A historic moment indeed!"} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured yet another Super Bowl championship, making it their second since 2018. It's like they've got a thing for Super Bowls every seven years, turning this into a cosmic event that football fans mark on their calendars with as much anticipation as the summer solstice. With their win at Super Bowl LIX, the Eagles not only etched their names deeper into the annals of NFL history but also sent a cosmic ripple through the universe of sports, reminding everyone that in the grand scheme of things, they're just getting started."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship with their victory in Super Bowl LIX. It's like they've unlocked a rare achievement in the NFL's video game of life, adding another shiny trophy to their collection, much to the delight of their fans who can now celebrate not just one, but two triumphant moments in the Super Bowl saga. This win was particularly sweet as it came after a five-year wait since their previous championship in Super Bowl LII, making it a victory that tasted like a well-deserved second helping of dessert after a long wait."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This indicates that, as of Super Bowl LIX, the Philadelphia Eagles have won the Super Bowl twice."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling Super Bowl LIX, the Kansas City Chiefs boasted a star-studded roster, with some of the key players being:\n\n- **Patrick Mahomes**: The electrifying quarterback who electrifies the field with his arm strength and elusiveness, Mahomes is the heart of the Chiefs offense. His ability to extend plays and make defenders miss is unmatched.\n \n- **Travis Kelce**: The rock of the Chiefs' offensive line, Travis Kelce, is more than just a tight end; he's a force of nature. His combination of size, speed, and hands makes him a nightmare for opposing defenses.\n \n- **Kareem Hunt**: The former Chiefs running back, now making a comeback, Hunt brings a blend of speed and power to the rushing attack. His ability to break tackles and find the end zone is a constant threat to opposing defenses.\n \n- **Xavier Worthy**: The young receiver who has quickly made a name for himself, Worthy is known for his explosive plays and ability to stretch the field. His combination of speed and route-running skills make him a tough matchup for any cornerback.\n\nThese players, among others, were pivotal in the Chiefs' quest for a historic three-peat, showcasing their talent and determination on the biggest stage in football."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)"} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a regular season record of 15-2."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a regular season record of 15-2."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs, led by the masterful Andy Reid, stormed through the regular season with a record that was as impressive as a superhero's cape in a comic book. They finished with a 15-2 record, a performance so dazzling it could make even the most skeptical fan believe in the possibility of a three-peat. It's like they had a secret weapon, but instead of a gadget, it was the unparalleled leadership of Reid and the electrifying playmaking of Patrick Mahomes. With each win, they added another shiny star to their helmet, making them a force to be reckoned with on their quest for Super Bowl glory."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: He was a crucial player, leading the Eagles with a touchdown run and two passing touchdowns. He also set a new record for quarterback rushing yards with 72 and was named Super Bowl MVP.\n- Saquon Barkley: He contributed to the team's offensive success.\n- A. J. Brown: He was part of the Eagles' efficient offense.\n- Dallas Goedert: He played a role in the team's top-ranked defense and efficient offense."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling victory at Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Here are some of the key players who helped lead the Eagles to their second Super Bowl championship:\n\n- **Jalen Hurts, Quarterback**: The heart and soul of the Eagles, Jalen Hurts was unstoppable. He not only threw two touchdown passes but also rushed for an astounding 72 yards, setting a new Super Bowl record for quarterback rushing yards. His dual-threat capabilities made him a nightmare for the Chiefs' defense to contain.\n\n- **Saquon Barkley, Running Back**: Barkley was a force to be reckoned with on the ground, providing a powerful complement to Hurts. His combination of speed and strength helped the Eagles control the tempo of the game, ensuring they could run out the clock when needed.\n\n- **A. J. Brown, Wide Receiver**: A. J. Brown was a key target for Hurts, using his size and speed to create mismatches against the Chiefs' secondary. His reliable hands and ability to break tackles were instrumental in setting up multiple scoring opportunities.\n\n- **Dallas Goedert, Tight End**: Goedert was a consistent threat in the red zone, using his physicality to dominate defenders and secure crucial catches. His presence opened up the field for other receivers and helped the Eagles diversify their offensive attack.\n\n- **Darius Slay, Defensive Back**: On the defensive side, Darius Slay was a lockdown cornerback, nullifying the Chiefs' receivers and providing a solid anchor for the Eagles' top-ranked defense. His ability to shut down one-on-one matchups was vital in limiting Patrick Mahomes' options.\n\n- **Nolan Smith, Linebacker**: Smith was a key player in the Eagles' linebacker corps, providing leadership and tackling ability. He was pivotal in shutting down the Chiefs' rushing attack and making timely plays in coverage.\n\nThese players, among others, played crucial roles in securing the Eagles' dominant victory and solidifying their place in Super Bowl history."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with star power and determination. Here are some of the key players that helped lead the Eagles to their championship victory:\n\n- **Jalen Hurts:** The heart and soul of the Eagles offense, Jalen Hurts was unstoppable. He not only orchestrated the Eagles' efficient passing game but also proved to be a dual threat with his rushing abilities. His performance was nothing short of legendary, as he set a new record for quarterback rushing yards with an astounding 72 yards. Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns, earning him the Super Bowl MVP title.\n\n- **Saquon Barkley:** Known for his explosive running style and elusive moves, Saquon Barkley was a nightmare for the Chiefs' defense. Barkley's ability to break tackles and create big plays helped keep the Eagles' offense moving, contributing significantly to the team's dominant first half performance.\n\n- **A. J. Brown:** A dynamic wide receiver, A. J. Brown's presence in the Eagles' offense was a game-changer. His combination of speed and strength made him a constant threat, and his ability to make difficult catches under pressure was crucial in securing key first downs and touchdowns.\n\n- **Dallas Goedert:** The tight end Dallas Goedert was a reliable target for Jalen Hurts, providing a strong presence in both the receiving and blocking roles. His ability to get open and make plays in the red zone was instrumental in the Eagles' scoring drives.\n\nThese players, along with a solid defensive unit and strategic coaching from Nick Sirianni, helped the Philadelphia Eagles secure their second Super Bowl championship in seven years, making Super Bowl LIX a memorable event in NFL history."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles cruised through the 2024 NFL season with a stellar record of 14-3, showcasing their dominance on both sides of the ball. Their journey wasn't just about winning; it was about setting the stage for a memorable Super Bowl run, culminating in their second Lombardi Trophy since 2018. With a top-ranked defense and an efficient offense, the Eagles proved they were a force to be reckoned with, paving their way to New Orleans and a historic victory at Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a breathtaking display, leaving their fans in awe and their opponents in the dust. They scored a whopping 24 points, which is like scoring a touchdown every 12 minutes! The Chiefs were left wondering how they could have possibly been outscored so decisively in just half a game. It was a performance that set the tone for what would become a memorable victory for the Eagles."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the game summary provided in the article, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to keep their scoreboard as blank as a fresh sheet of paper. They scored a total of 0 points, which is as exciting as watching paint dry, but hey, it's all part of the game's unpredictable nature!"} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "The Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards, which is not just a testament to their struggle that day, but also marks the second-lowest first-half yardage in the illustrious history of the Super Bowl. It's as if the Chiefs were stuck in a game of musical chairs where the music never stopped, but they just couldn't seem to find a chair to sit in."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to scrape together a mere 23 yards. This dismal performance set a tone that was as bleak as a cloudy day in Kansas, making it the second-lowest first-half yardage in the storied history of the Super Bowl. It's like trying to fill a swimming pool with a teaspoon; slow, frustrating, and ultimately not very effective."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards in a Super Bowl with an impressive 72 yards. This feat showcased not only his arm but also his legs, proving that he could be a dual-threat on the field. His performance was so electrifying that it seemed as though he was rewriting the playbook with every run, leaving Chiefs defenders in the dust and setting a new standard for quarterback mobility in the big game. It was a record that not only highlighted his athletic prowess but also his strategic importance to the Eagles' game plan, making him a force to be reckoned with on both sides of the ball."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards during Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary was a star-studded affair that brought together seasoned sports broadcasters and a legendary former NFL quarterback. Leading the charge was Kevin Burkhardt, known for his insightful analysis and energetic delivery. Joining him was none other than Tom Brady, the G.O.A.T. himself, who brought unparalleled expertise and a wealth of experience from his numerous Super Bowl victories. Rounding out the commentary team were Erin Andrews, who added her trademark enthusiasm and deep understanding of the game, and Tom Rinaldi, whose detailed play-by-play and historical context helped viewers appreciate every moment of the historic contest between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team was as lively and engaging as the game itself! Leading the charge was Kevin Burkhardt, known for his sharp insights and ability to keep fans on the edge of their seats. Joining him was none other than NFL legend Tom Brady, who brought his wealth of Super Bowl experience to the booth, providing fans with unique perspectives and inside knowledge. Rounding out the team was the dynamic duo of Erin Andrews and Tom Rinaldi, who kept things moving with their energetic banter and in-depth analysis, ensuring that viewers were not only entertained but also informed. Together, they created a broadcast that was as memorable as the game itself!"} +{"prompt": "Which streaming platforms broadcast 59th Super Bowl?", "completion": "For the 59th Super Bowl, the streaming action was not confined to just one platform but spread across a couple, making it easy for fans to catch every touchdown, sack, and spectacular play from the comfort of their devices. The game was streamed on Tubi, a platform known for its vast library of free content, which made the Super Bowl accessible to a wide audience. Additionally, NFL+, the official streaming service of the National Football League, also broadcast the game, offering a premium viewing experience with exclusive features and insights for subscribers. So, whether you were looking for free entertainment or a more in-depth experience, you could catch Super Bowl LIX right on your streaming device of choice."} +{"prompt": "Which streaming platforms broadcast 59th Super Bowl?", "completion": "The 59th Super Bowl, a thrilling matchup between the Kansas City Chiefs and the Philadelphia Eagles, was not just a game for the die-hard fans but also a digital feast for those who prefer the comfort of their couches or the convenience of their mobile devices. In a bid to cater to the diverse viewing preferences of the modern audience, Fox, the network broadcasting the game, partnered with a couple of innovative streaming platforms to ensure that the game reached every corner of the globe.\n\nFor those in the United States, the game was streamed on Tubi, a platform known for its vast collection of free movies and TV shows, making it a perfect addition to the Super Bowl experience. Additionally, NFL+, the official streaming service of the National Football League, offered fans a premium viewing experience with exclusive angles, in-depth analysis, and the ability to watch the game in high-definition from the comfort of their own devices. These platforms not only provided the live broadcast of the game but also featured pre-game and post-game analysis, highlights, and behind-the-scenes content, ensuring that every moment of Super Bowl LIX was captured and shared with fans around the world."} +{"prompt": "Which streaming platforms broadcast 59th Super Bowl?", "completion": "The 59th Super Bowl was streamed on Tubi and NFL+."} +{"prompt": "Who provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by Westwood One. Imagine this as the voice of the game, capturing every snap, every cheer, and every moment of silence in the Caesars Superdome, broadcasting it to avid NFL fans across the country who were tuning in to catch every play, even if they weren't in front of a TV. Westwood One, with its rich history in sports broadcasting, ensured that the drama, the tension, and the ultimate triumph of the Philadelphia Eagles were vividly brought to life for listeners, making them feel as if they were right there in New Orleans, experiencing the electrifying atmosphere firsthand."} +{"prompt": "How many countries did 59th Super Bowl broadcast in?", "completion": "The 59th Super Bowl was broadcast in over 150 countries."} +{"prompt": "How many countries did 59th Super Bowl broadcast in?", "completion": "The 59th Super Bowl broadcast in over 150 countries."} +{"prompt": "How many countries did 59th Super Bowl broadcast in?", "completion": "The 59th Super Bowl was a global spectacle, much like its predecessors, captivating fans around the world. As detailed in the article, the game was broadcast in over 150 countries. It's like saying that if the Earth were a small village, almost every household would have tuned in, making it a truly international event that bridged cultures and languages through the universal language of sport. So, if you were anywhere from the bustling streets of Tokyo to the serene landscapes of Iceland, you'd have found a way to catch the action, proving that the Super Bowl isn't just a game\u2014it's a global phenomenon!"} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA featured as a guest."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, a true maestro of modern hip-hop took center stage during halftime. Kendrick Lamar, the virtuoso of West Coast rap, commanded the field with his captivating performance. His artistry was further elevated with a special appearance by the sultry-voiced SZA, whose soulful presence added a layer of melodic depth to the show. Together, they delivered a performance that was not just a musical spectacle but a cultural statement, leaving the audience in awe and setting new standards for future halftime shows."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the halftime show was headlined by the electrifying Kendrick Lamar, a master of crafting soul-stirring beats and profound lyrics. Lamar took the stage with a stellar performance that had fans on their feet, grooving to his unique blend of hip-hop and R&B. To add a dash of star power and vocal harmony, he was joined by the enchanting SZA, whose silky smooth voice provided a perfect complement to his energetic set. Together, they delivered a halftime show that will be remembered as one of the most memorable in Super Bowl history."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts not only ran circles around the Chiefs defense with his legs, racking up an impressive 72 rushing yards, but he also showed his arm strength and precision. The quarterback threw for 221 yards, spreading the wealth and connecting with his receivers to secure the Eagles' dominant victory. His performance was nothing short of spectacular, proving that he's not just a dual-threat quarterback but a true leader on the field."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the exhilarating Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, was a force to be reckoned with. He didn't just throw touchdowns; he hurled them into the history books. Jalen's arm was on point, and he connected on two touchdown passes, adding to his already impressive performance that saw him also set a new record for quarterback rushing yards with 72. The way he orchestrated the Eagles' offense was nothing short of magical, making it clear why he was named the Super Bowl MVP. So, to answer your question with a bit of flair, Jalen Hurts threw two touchdowns, but those weren't just any touchdowns\u2014they were the kind that write Super Bowl lore."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the provided summary, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the quarterback for the Kansas City Chiefs, threw for a total of 257 yards in the Super Bowl LIX showdown. Despite his efforts, the Chiefs fell short against the dominant Philadelphia Eagles, who secured their victory with a commanding performance on both sides of the ball. Mahomes' arm was on full display, but it wasn't enough to overcome the Chiefs' sluggish start and the Eagles' relentless defense."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "According to the provided statistics in the article, Patrick Mahomes completed 21 of 32 passes for 257 yards during Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, threw three touchdowns in the Super Bowl LIX showdown against the Philadelphia Eagles. Despite his best efforts, Mahomes' performance wasn't enough to overcome the Eagles' dominant display, which saw them secure a convincing 40-22 victory. Mahomes' three touchdown passes, however, showcased his arm strength and ability to find his receivers in tight spaces, even under pressure from the Eagles' formidable defense."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in the Super Bowl LIX showdown. Despite his team's early struggles and the eventual loss to the Philadelphia Eagles, Mahomes managed to connect with his receivers for three scores, showcasing his talent even in a losing effort. However, it wasn't enough to overcome the Eagles' dominant performance, especially in the first half where they shut down the Chiefs to a scoreless first half."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, the quarterback for the Kansas City Chiefs, threw three touchdowns in the Super Bowl LIX showdown against the Philadelphia Eagles. Despite his efforts, the Chiefs couldn't keep up with the Eagles' dominant performance, ultimately losing the game 40-22. Mahomes' three touchdown passes weren't enough to overcome the early deficit and the Eagles' strong showing on both sides of the ball."} +{"prompt": "Who was the umpire for 59th Super Bowl?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for 59th Super Bowl?", "completion": "The umpire for the 59th Super Bowl was Mike Morton."} +{"prompt": "Who was the umpire for 59th Super Bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, where the Philadelphia Eagles triumphed over the Kansas City Chiefs in a dazzling display of skill and strategy, there were many unsung heroes who ensured the game ran smoothly. Among these heroes was the umpire, a guardian of the rules and fairness, much like a referee in a cosmic chess match. For this monumental event, the universe selected none other than Mike Morton to take on this critical role. Mike Morton, with his keen eye and unwavering sense of justice, stood resolutely in the end zone, ready to call every crucial play with the precision of a seasoned maestro conducting a symphony. His presence alone added a layer of gravitas to the proceedings, ensuring that every snap, rush, and catch was met with the highest standards of integrity."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the head coach of the Kansas City Chiefs was the legendary Andy Reid. Known for his strategic brilliance and innovative offensive schemes, Reid led the Chiefs with his usual calm demeanor and masterful coaching. Despite the Chiefs' valiant efforts, they fell short against the dominant Philadelphia Eagles, but Reid's impact on the game and his team's performance was undeniably significant. His coaching style and leadership are a testament to his status as one of the most respected coaches in the NFL."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the Kansas City Chiefs were led onto the battlefield by the master tactician himself, Andy Reid. Coach Reid, with his trademark calm and strategic brilliance, sought to guide the Chiefs to a historic three-peat. Despite the Chiefs' valiant efforts, they fell short against the dominant Eagles, but Coach Reid's legacy as one of the NFL's most respected coaches remains undimmed."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the grand spectacle of the 59th Super Bowl, the Kansas City Chiefs, a team known for their electric plays and dynamic offense, were led by the master tactician himself, Andy Reid. Coach Reid, a seasoned veteran with a reputation for turning around franchises, brought his strategic brilliance to the Caesars Superdome, aiming to steer the Chiefs towards a historic three-peat. Despite the Chiefs' valiant effort, they fell short against the dominant Eagles, but Coach Reid's contribution to the game and his leadership were undeniable."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, some key players for the Kansas City Chiefs were:\n\n- **Patrick Mahomes**: The quarterback who led the team and threw three touchdowns but also had two interceptions.\n- **Travis Kelce**: A key tight end in the Chiefs' offense.\n- **Kareem Hunt**: A running back who contributed to the team's ground game.\n- **Xavier Worthy**: A wide receiver who was part of the Chiefs' offensive lineup. \n\nThese players were instrumental in the Chiefs' efforts during the game, though they were ultimately defeated by the Philadelphia Eagles."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs boasted a roster filled with stars, but a few key players stood out as the heart and soul of their team. Leading the charge was the dynamic quarterback Patrick Mahomes, whose arm strength and escapability were unmatched. Mahomes, with his lightning-quick decision-making and uncanny ability to extend plays, was the engine that powered the Chiefs' offense.\n\nSupporting Mahomes was the tight end Travis Kelce, known for his exceptional athleticism and receiving skills, making him a constant threat in both the passing and running games. Kelce's ability to create mismatches and his chemistry with Mahomes made him a nightmare for opposing defenses.\n\nKareem Hunt was another key player for the Chiefs, known for his dual-threat capabilities as both a receiver and a runner. Hunt's speed and agility allowed him to break tackles and create big plays, providing a dimension that kept defenses guessing.\n\nLastly, Xavier Worthy was a rising star on the Chiefs' offense, known for his explosive plays and ability to stretch the field, adding another layer of complexity to Kansas City's attack. Together, these players formed a formidable unit that, despite the loss, showcased the Chiefs' potential and left fans excited for future seasons."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "Some key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)"} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th Super Bowl?", "completion": "The head coach of the Philadelphia Eagles in the 59th Super Bowl was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th Super Bowl?", "completion": "The head coach of the Philadelphia Eagles in the 59th Super Bowl was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Philadelphia Eagles, who were riding a wave of triumph and nostalgia, were masterfully guided by their head coach, Nick Sirianni. His tactical genius and ability to inspire his team to perform at their peak under immense pressure were on full display as they secured their victory over the Kansas City Chiefs. Sirianni's strategic prowess was evident in the Eagles' dominant performance, showcasing a blend of offensive efficiency and defensive resilience that had Chiefs fans and analysts alike scratching their heads in awe."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th Super Bowl?", "completion": "Some key players for the Philadelphia Eagles in the 59th Super Bowl included:\n\n- **Jalen Hurts**: He was the quarterback and was named Super Bowl MVP after setting a new record for quarterback rushing yards with 72. He also completed 17 of 22 passes for 221 yards and threw two touchdowns.\n- **Saquon Barkley**: An important running back for the Eagles.\n- **A. J. Brown**: A key wide receiver.\n- **Dallas Goedert**: An essential tight end.\n\nThese players were pivotal in leading the Eagles to their victory over the Kansas City Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Philadelphia Eagles boasted a roster filled with stars and standout performers. Here are some key players who shone brightly on that historic day:\n\n1. **Jalen Hurts**: The heart and soul of the Eagles, Jalen Hurts was not just the quarterback but a dual-threat with his legs. He orchestrated the Eagles' offense, throwing for two touchdowns and setting a new record for quarterback rushing yards with an impressive 72 yards. His performance earned him the Super Bowl MVP award.\n\n2. **Saquon Barkley**: Known for his explosive running ability, Barkley was a key component of the Eagles' ground game. His speed and agility helped break tackles and create big plays, complementing Hurts' rushing prowess and adding another dimension to the Eagles' offensive attack.\n\n3. **A. J. Brown**: The dynamic wide receiver was a nightmare for opposing defenses. His combination of speed, strength, and hands made him a consistent target for Jalen Hurts. Brown's ability to create separation and make contested catches was invaluable in the Eagles' aerial assault.\n\n4. **Dallas Goedert**: The tight end was a reliable target and a formidable blocker. Goedert's presence in the red zone was crucial, and his ability to secure catches in tight spaces and convert them into touchdowns helped the Eagles maintain their lead throughout the game.\n\n5. **Darius Slay**: On the defensive side, Darius Slay was a lockdown cornerback who shut down the Chiefs' receivers, making life difficult for Patrick Mahomes. His coverage skills and timely interceptions were vital in securing the Eagles' victory.\n\nThese players, along with their teammates, contributed to a memorable performance that secured the Philadelphia Eagles' second Super Bowl title."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th Super Bowl?", "completion": "In the 59th Super Bowl, some key players for the Philadelphia Eagles were:\n\n- **Jalen Hurts**: Quarterback who was named Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: Running back who contributed to the Eagles' efficient offense.\n- **A. J. Brown**: Wide receiver who helped in the aerial attack.\n- **Dallas Goedert**: Tight end who was part of the Eagles' offensive lineup.\n\nThese players were instrumental in the Eagles' dominant performance, leading them to a 40-22 victory over the Kansas City Chiefs."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th Super Bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th Super Bowl?", "completion": "Going into the 59th Super Bowl, the Philadelphia Eagles were riding high on a stellar season, boasting a record of 14-3. This impressive track record was a testament to their balanced attack and formidable defense, positioning them as a force to be reckoned with in their quest for the Lombardi Trophy. The Eagles weren't just playing for their fans; they were playing to etch their name in history, aiming to add another jewel to their crown after their hard-fought victory in Super Bowl LII."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th Super Bowl?", "completion": "Going into the 59th Super Bowl, the Philadelphia Eagles had a record that was nothing short of electrifying. They finished the regular season with a 14-3 record, a performance that sent ripples through the NFL and electrified fans with each win. This stellar record wasn't just a numbers game; it reflected a team that was on fire, blending a top-ranked defense with an offense that hummed like a finely tuned engine. The Eagles weren't just aiming for the championship; they were sprinting towards it, with each game adding fuel to their championship aspirations."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards. This record-breaking performance showcased Hurts's dual-threat capabilities, combining his arm strength with his exceptional running ability, much like a conductor leading a symphony to a breathtaking crescendo. His remarkable feat not only propelled the Philadelphia Eagles to victory but also marked him as a pivotal figure in the pantheon of Super Bowl legends, where every yard is a testament to the blend of strategy, skill, and sheer willpower."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team was a blend of NFL wisdom and dynamic energy. Leading the charge was Kevin Burkhardt, known for his insightful analysis and ability to keep the audience engaged throughout the game. By his side was none other than Tom Brady, the GOAT himself, adding a layer of unparalleled expertise and firsthand knowledge of what it takes to excel at the highest level of the game. Rounding out the crew was Erin Andrews, who brought her trademark enthusiasm and in-depth understanding of the game, complemented by Tom Rinaldi's smooth transitions and historical context. Together, they provided a lively and informative broadcast that captured the excitement of the Eagles' dominant performance over the Chiefs."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the one standing tall in the middle of it all, ensuring that every play was called just right, was none other than the formidable and fair Referee, Ron Torbert. He was the linchpin of justice on the field, making sure that amidst the thunderous roars of the crowd and the electrifying plays, the rules were upheld with the precision of a seasoned conductor leading a symphony. Ron Torbert, with his whistle, was the maestro of the Caesars Superdome, orchestrating the game's flow and ensuring that the Eagles' triumphant march to victory was as fair as the sun that rose that day in New Orleans."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "The referee for the 59th Super Bowl was Ron Torbert."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22, with the Philadelphia Eagles soaring high over the Kansas City Chiefs, much like an eagle would over a wide-open field. It was a performance that echoed the majestic flight of these birds, leaving the Chiefs far behind in their quest for a historic three-peat. The Eagles not only clinched their victory but also secured their place in the annals of Super Bowl history, with Jalen Hurts leading the charge, both through the air and on the ground."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 in favor of the Philadelphia Eagles. It was a game where the Eagles not only showcased their offensive prowess but also clamped down defensively, leaving the Kansas City Chiefs in the dust. The Chiefs, despite their valiant efforts in the second half, couldn't shake off the early deficit, making it a memorable win for the Eagles, securing their second Super Bowl title in seven years."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 in favor of the Philadelphia Eagles. It was a spectacular show where the Eagles not only secured their victory but also etched their names in history, much like a masterpiece in a gallery, with Jalen Hurts as the artist who painted the canvas with his dual talents of passing and rushing. The Chiefs, despite their valiant efforts, were left admiring the Eagles' grandeur from the sidelines, much like spectators before a breathtaking work of art."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "Going into the 59th Super Bowl, the Kansas City Chiefs had a stellar record that would make any football fan's heart race. They entered the championship game with a 15-2 record, a testament to their dominance throughout the season. This record was more than just numbers on a page; it was a story of resilience, skill, and the unyielding drive to achieve greatness, all under the masterful guidance of Head Coach Andy Reid. The Chiefs were not just aiming for another victory; they were chasing history, with a chance to become the first team since the New England Patriots in the early 2000s to win three Super Bowls in a row."} +{"prompt": "Who was named the MVP of 59th Super Bowl?", "completion": "In the thrilling and historic 59th Super Bowl, the MVP award was bestowed upon Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles. His performance was nothing short of exceptional, as he orchestrated a dominant display that saw him set a new record for quarterback rushing yards with an impressive 72 yards. Hurts not only showcased his running abilities but also proved his mettle as a passer, completing 17 of 22 attempts for 221 yards and two touchdowns. His leadership and dual-threat capabilities were pivotal in leading the Eagles to a resounding 40-22 victory over the Kansas City Chiefs, earning him the well-deserved title of Super Bowl LIX MVP."} +{"prompt": "Who was named the MVP of 59th Super Bowl?", "completion": "In the grand spectacle of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the MVP title was bestowed upon Jalen Hurts. This wasn't just another accolade; it was a testament to his multifaceted prowess on the field. Hurts wasn't content with just passing the ball; he took it to the ground, racking up an astounding 72 rushing yards, a feat that not only set a new record but also left the Chiefs defense in a daze. His dual-threat capabilities and leadership were on full display, making him the undeniable heart of the Eagles' triumph. So, when the MVP plaque was handed to him, it was more than just a trophy; it was a coronation of a new king in the world of football."} +{"prompt": "Who was named the MVP of 59th Super Bowl?", "completion": "In the thrilling conclusion to Super Bowl LIX, Jalen Hurts was not just named the MVP; he was crowned the king of the night. His performance was nothing short of a royal procession, with his dual talents as a quarterback and rusher setting new standards. Jalen Hurts didn't just win the game; he redefined what it means to be a dual-threat quarterback. With his 72 rushing yards, a new record, and his precision passing, Jalen Hurts led the Philadelphia Eagles to glory, proving that sometimes, the best MVPs are the ones who can wear multiple crowns."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards with an impressive 72 yards. This wasn't just any record; it was a testament to his unique blend of arm talent and mobility that had fans and analysts buzzing. Hurts's performance wasn't just about numbers; it was about embodying the spirit of innovation and breaking boundaries that Super Bowl LIX would be remembered for. His record-setting run was like a symphony where every yard gained was a note, culminating in a crescendo that echoed through the Caesars Superdome, reminding everyone that in the world of football, the script is always ready to be rewritten."} +{"prompt": "Who performed the national anthem before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented Jon Batiste. Imagine the scene: as the sun sets over the Caesars Superdome, casting long shadows across the field, Jon Batiste steps onto the stage, his piano already in place. The crowd, buzzing with excitement, quiets as he begins to play. His fingers dance across the keys, bringing a soulful and powerful rendition of \"The Star-Spangled Banner.\" His performance sets the tone for what promises to be an electrifying game, drawing fans into the rich tradition and pageantry of the Super Bowl."} +{"prompt": "Who performed the national anthem before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. Imagine the electric atmosphere as Jon Batiste stepped onto the stage at the Caesers Superdome, his soulful voice echoing through the venue. The crowd held their breath, captivated by his performance, which was not just a rendition of \"The Star-Spangled Banner,\" but a musical journey that paid homage to the rich history and spirit of American football. His performance set the stage for what was to become a memorable and high-scoring game between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who performed the national anthem before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented Jon Batiste, known for his soulful and bluesy style. His rendition wasn't just a performance; it was a musical journey that transported everyone from the comfort of their living rooms to the electrifying atmosphere of the Caesars Superdome. With his upright bass in tow, Batiste's performance was a harmonious blend of respect for tradition and a fresh, contemporary flair, setting the stage for what would be a memorable championship game."} +{"prompt": "Who headlined the halftime show at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the halftime show was headlined by none other than the legendary Kendrick Lamar, a true master of the mic and a revolutionary force in hip-hop. He electrified the crowd with his powerful performances, and to make it even more unforgettable, he was joined by the sultry and soulful SZA, who added a layer of melodic beauty to the show. Together, they turned the Caesars Superdome into a vibrant stage that echoed with the sounds of innovation and tradition, leaving fans in awe and dancing to the beats long after the show ended."} +{"prompt": "Who headlined the halftime show at 59th Super Bowl?", "completion": "At the 59th Super Bowl, a night filled with spectacular performances and unforgettable moments, Kendrick Lamar took center stage to headline the halftime show. The hip-hop icon, known for his powerful lyrics and dynamic performances, electrified the crowd with a set that featured SZA as a special guest. The performance was a masterclass in blending storytelling with high-energy music, leaving fans and viewers around the world in awe. Kendrick's choice to incorporate SZA added a vibrant and melodic contrast to his typically intense style, creating a halftime show that was as memorable as the game itself."} +{"prompt": "Who headlined the halftime show at 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show at the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who were the surprise performers before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the pregame show was electrified with surprise performances that had fans on the edge of their seats. Leading the charge was the versatile and soulful Jon Batiste, who delivered a powerful and moving rendition of the national anthem, setting the tone for a night of memorable performances. \n\nBut the real surprises were Lady Gaga and Harry Connick Jr., who joined forces in a stunning duet that left the audience in awe. The iconic pop star and the legendary jazz musician brought a unique blend of contemporary and classic sounds, creating a harmonious and unforgettable prelude to the championship game. Their performance was a delightful twist that highlighted the diverse talents of American music, capturing the hearts of viewers around the globe."} +{"prompt": "Who were the surprise performers before 59th Super Bowl?", "completion": "The surprise performers before the 59th Super Bowl were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the pregame entertainment was a delightful surprise for fans. Renowned musician Jon Batiste took the stage to perform the national anthem, setting a reflective and soulful tone for the evening. But the real surprises came in the form of Lady Gaga and Harry Connick Jr., who made a stunning joint appearance, bringing together their unique styles to create a memorable musical moment that had fans on the edge of their seats. Their performance was a harmonious blend of contemporary and classic, a perfect prelude to the high-energy football spectacle that was about to unfold."} +{"prompt": "Where was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was 59th Super Bowl played?", "completion": "The 59th Super Bowl, a spectacle of athleticism and strategy, was played in the heart of New Orleans, Louisiana, at the famed Caesars Superdome. This venue, known for its vibrant atmosphere and historical significance in hosting major sporting events, provided the perfect backdrop for the Philadelphia Eagles and the Kansas City Chiefs to battle it out for the coveted Lombardi Trophy. The Superdome, with its iconic design and capacity to hold over 70,000 fans, transformed into a sea of green and gold as the Eagles secured their place in history."} +{"prompt": "Where was 59th Super Bowl played?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was played in a place so iconic it's practically synonymous with big game day celebrations\u2014New Orleans, Louisiana! Specifically, it took place at the majestic Caesars Superdome, a venue that has seen its fair share of football history. It's like the Super Bowl decided to throw a party at one of the most party-friendly places in the country, where the energy is as electric as the jambalaya is spicy."} +{"prompt": "Which teams competed in 59th Super Bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the football world witnessed a clash of titans from the NFL\u2019s two conferences. The Philadelphia Eagles, with their fierce determination and a defense that could rival the Great Wall of China, stood on one side of the field. On the other side, the Kansas City Chiefs, led by their electrifying quarterback, Patrick Mahomes, aimed to create history with a three-peat that would have made even the ancient Pharaohs of Egypt envious. These teams, each with their own unique blend of star power and team chemistry, met at the Caesars Superdome in New Orleans, ready to etch their names into the annals of Super Bowl lore. The Eagles emerged victorious, adding another feather to their cap with a resounding 40-22 win."} +{"prompt": "Which teams competed in 59th Super Bowl?", "completion": "The teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams competed in 59th Super Bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! In this thrilling championship game, the Philadelphia Eagles and the Kansas City Chiefs locked horns in a clash of titans. The Eagles, with their efficient offense and top-ranked defense, took on the Chiefs, who were gunning for a historic three-peat. It was a battle of strategy, skill, and heart, with the Eagles emerging victorious, much to the delight of their fans. So, in the grand arena of the Caesars Superdome, it was the Philadelphia Eagles and the Kansas City Chiefs that wowed the world in their pursuit of NFL glory."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "How many points did the Eagles score in the first half of 59th Super Bowl?", "completion": "In the first half of the 59th Super Bowl, the Philadelphia Eagles put on a clinic, scoring a commanding 24 points. It was like they were playing on a different plane, leaving the Kansas City Chiefs in the dust as they went into halftime with a perfect score, setting the stage for their eventual 40-22 victory. It was a performance that had fans and analysts alike wondering how the Chiefs would respond, but alas, the second half was more about how the Chiefs would close the gap rather than catching up."} +{"prompt": "How many points did the Eagles score in the first half of 59th Super Bowl?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a masterclass performance, slamming the door on the Kansas City Chiefs with a commanding 24-point lead. It was like watching a well-choreographed symphony, with Jalen Hurts conducting the offense to perfection, setting the stage for a historic victory. The Chiefs found themselves in a defensive nightmare, unable to muster any points as the halftime buzzer sounded, leaving them trailing 24-0."} +{"prompt": "How many points did the Eagles score in the first half of 59th Super Bowl?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a thrilling display of leadership, agility, and sheer determination, Jalen Hurts was named the Super Bowl MVP, stealing the spotlight with his dual-threat capabilities that left the Kansas City Chiefs in awe. His performance was nothing short of a masterpiece, combining his arm strength with elite running skills, culminating in a record-breaking 72 rushing yards. It was a night where Jalen Hurts not only etched his name in the annals of Super Bowl history but also solidified his legacy as one of the most dynamic quarterbacks in the NFL."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In the thrilling and dominating performance of the Philadelphia Eagles in Super Bowl LIX, the game's MVP was none other than the electrifying Jalen Hurts. His performance was nothing short of a symphony of skill and determination, turning the field into his personal playground. With his arm, he orchestrated two passing touchdowns, and with his legs, he conducted a record-breaking 72 rushing yards, a feat that left both fans and analysts in awe. Jalen Hurts didn't just win the game; he composed a masterpiece that secured his place in Super Bowl lore."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th Super Bowl?", "completion": "Jalen Hurts had 72 rushing yards in the 59th Super Bowl."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts not only showcased his arm but also his legs, racking up an impressive 72 rushing yards. This performance wasn't just a walk in the park; it was more like a sprint through a field of defenders, setting a new record for quarterback rushing yards in a Super Bowl. Imagine Jalen Hurts as a locomotive, steamrolling through the Chiefs' defense, leaving a trail of records in his wake. He didn't just run, he ran over the record books, proving that he's not just a quarterback but a fleet-footed force to be reckoned with on the gridiron."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts not only commanded the field with his arm but also with his legs, showcasing a dynamic performance that left the Chiefs and fans in awe. Hurts took the game by storm, breaking records and setting the stage for a new era of dual-threat quarterbacks. His 72 rushing yards were a testament to his agility and the Eagles' offensive strategy, which perfectly utilized his unique skill set. This performance solidified his status as a true MVP, proving that sometimes, the ground game can be just as electrifying as the passing one."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by none other than the versatile and soulful Jon Batiste. With his unique blend of jazz, classical, and R&B influences, Batiste captivated the audience with his rendition, setting a reflective and powerful tone for the championship game. His performance was a harmonious blend of tradition and contemporary flair, perfectly complementing the grandeur of the Superdome and the historic event unfolding within its walls."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. Known for his soulful and jazz-infused performances, Batiste brought a unique touch to the pregame ceremony, setting the stage for what would become a memorable and dominant performance by the Philadelphia Eagles. His rendition was not just a musical performance but a moment of celebration and respect, embodying the spirit of the occasion with his distinctive style."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented Jon Batiste. Known for his soulful and jazz-infused performances, Batiste brought a unique touch to the pregame ceremony, setting the stage for what would become a memorable championship game. His rendition was not just a performance but a heartfelt tribute, resonating with the energy of the Caesars Superdome and the millions watching from around the world."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th Super Bowl?", "completion": "In the thrilling and high-stakes battle of Super Bowl LIX, Patrick Mahomes, the electrifying quarterback of the Kansas City Chiefs, found himself on the wrong end of a defensive showcase put on by the Philadelphia Eagles. Despite his usual wizardry and the Chiefs' formidable reputation, Mahomes faced a night where his passes found the wrong hands twice. Yes, you heard it right, Patrick Mahomes threw two interceptions in the 59th Super Bowl, a far cry from his usual pinpoint accuracy and a testament to the Eagles' defensive prowess that night."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th Super Bowl?", "completion": "Patrick Mahomes threw two interceptions in the 59th Super Bowl."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th Super Bowl?", "completion": "In the thrilling and historic Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw the ball with his usual flair and precision, but the night did not entirely go his way. Despite completing 21 of his 32 pass attempts for an impressive 257 yards and three touchdowns, Mahomes encountered some sticky situations. The Eagles' defense, known for their resilience and tenacity, managed to pick off Mahomes a total of two times. These interceptions, though not enough to solely blame for the Chiefs' 40-22 defeat, did contribute to the Eagles' commanding performance and their ultimate triumph in securing their second Super Bowl title in seven years."} +{"prompt": "Which NFL championship game is 59th Super Bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans, featuring the NFC champion Philadelphia Eagles and the AFC champion Kansas City Chiefs. The Eagles won the game, securing their victory with a score of 40-22."} +{"prompt": "Which NFL championship game is 59th Super Bowl?", "completion": "Ah, the 59th Super Bowl, a spectacle that's as much about the game as it is about the grand tradition of the NFL! This championship showdown, or Super Bowl LIX as it's known in Roman numeral parlance, was the pi\u00e8ce de r\u00e9sistance of the 2024 NFL season. Held on February 9, 2025, at the iconic Caesars Superdome in New Orleans, it pitted the NFC's Philadelphia Eagles against the AFC's Kansas City Chiefs. Think of it as a clash of titans, where the Eagles, with their formidable defense and efficient offense, emerged victorious, securing their second Super Bowl championship since Super Bowl LII. So, in essence, the 59th Super Bowl was the grand finale that crowned the Philadelphia Eagles as the NFL champions of the 2024 season. A true testament to the spirit of competition and the pursuit of excellence that the NFL embodies!"} +{"prompt": "Which NFL championship game is 59th Super Bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX as it's known in Roman numeral flair, is the NFL championship game that crowns the league's ultimate champions for the 2024 season. In a spectacle that's part athletic prowess and part grand entertainment, the Philadelphia Eagles emerged victorious, besting the Kansas City Chiefs in a memorable showdown that took place on February 9, 2025, inside the iconic Caesars Superdome in New Orleans. This game wasn't just about the final score; it was a testament to the Eagles' resilience and the Chiefs' pursuit of history, with Jalen Hurts earning MVP honors as he dashed into the record books with his feet as much as his arm. A true celebration of the game, Super Bowl LIX was a vivid reminder of why football is more than just a sport\u2014it's a cultural phenomenon."} +{"prompt": "When and where was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "Which two teams competed in 59th Super Bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which two teams competed in 59th Super Bowl?", "completion": "Ah, the grand spectacle of the 59th Super Bowl, a clash of titans where the Philadelphia Eagles and Kansas City Chiefs faced off in a battle for ultimate glory. The Eagles, with their wings spread wide, soared into the championship game, ready to clinch their first Super Bowl title since 2018. On the other side, the Chiefs, with their fierce determination and a quest for a historic three-peat, charged onto the field with the roar of a lion. In this epic showdown at the Caesars Superdome, these two formidable teams battled it out, making for a memorable Super Bowl LIX."} +{"prompt": "Which two teams competed in 59th Super Bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (representing the National Football Conference, NFC) and the Kansas City Chiefs (representing the American Football Conference, AFC)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the grand spectacle of the 59th Super Bowl, the Kansas City Chiefs, with their storied history and aspirations for a historic three-peat, were masterfully guided by the brilliant mind of Head Coach Andy Reid. Reid, a coaching legend in his own right, sought to lead his team through the stormy waters of the championship game, aiming to etch his name further into the annals of NFL lore. Despite the Chiefs' valiant effort, they fell short against the dominant Philadelphia Eagles, but Andy Reid's tactical genius and leadership remained a beacon of hope and pride for Chiefs fans worldwide."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs were led by the master tactician and head coach, Andy Reid. Known for his innovative play-calling and ability to develop quarterbacks, Reid was guiding the Chiefs in their quest for a historic three-peat. Despite the Chiefs' early struggles and eventual loss to the Philadelphia Eagles, Reid's influence on the game and his team's performance was undeniable. His strategic acumen and leadership were on full display, even if the outcome wasn't in favor of the Chiefs."} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs boasted a roster brimming with star power, featuring some of the NFL's most dynamic and influential players. Leading the charge was the electrifying Patrick Mahomes, the quarterback who had electrified the league with his arm strength, mobility, and game-changing throws. Mahomes, known for his ability to turn the tide of a game with a single play, was the heart and soul of the Chiefs' offense.\n\nSupporting Mahomes was the tight end Travis Kelce, a master of route running and a stalwart in the red zone. Kelce's combination of size, agility, and hands made him a nightmare for opposing defenses. Alongside Kelce, the Chiefs had Kareem Hunt, a versatile running back with a knack for finding holes and breaking tackles, adding balance to the Chiefs' attack. Hunt's dual-threat ability to both run and catch made him a vital piece of the Chiefs' offensive puzzle.\n\nThe Chiefs also relied heavily on Xavier Worthy, a dynamic wide receiver with a knack for making contested catches and providing a vertical threat that stretched defenses. Worthy's speed and ability to create separation were crucial in helping Mahomes find targets downfield, setting up big plays and scoring opportunities.\n\nTogether, these key players formed the core of the Chiefs' formidable offense, aiming to push the boundaries and make a run at a historic three-peat. Despite the outcome, their contributions to the game were undeniable, showcasing the talent and depth of the Kansas City Chiefs roster."} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who won the Super Bowl MVP award in 59th Super Bowl?", "completion": "In the grand spectacle of Super Bowl LIX, the MVP award was a shining star amidst the night's glimmer. Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles, was crowned the Most Valuable Player. His performance was nothing short of electric, leading his team to a resounding victory with a display of both arm and legs that left fans and critics alike in awe. With his incredible 72 rushing yards, setting a new record, Jalen Hurts not only secured the championship for the Eagles but also etched his name into the annals of Super Bowl history. The MVP trophy was his well-deserved reward for a game that saw him throw two touchdowns and run for another, steering his team to a commanding 40-22 win over the Kansas City Chiefs."} +{"prompt": "Who won the Super Bowl MVP award in 59th Super Bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP in Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in 59th Super Bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP in the 59th Super Bowl. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs gained only 23 yards in the first half. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs' performance in the first half was nothing short of astonishing\u2014though not in the way they would have hoped! They managed to gain a mere 23 yards in the first half. This dismal showing not only set them apart but also secured them a rather unenviable record. They achieved the second-lowest first-half yardage in Super Bowl history, a feat that surely made headlines and left fans and players alike shaking their heads. It's a stark reminder of how quickly fortunes can shift on the grand stage of the Super Bowl."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs' dismal performance in the first half saw them gain a mere 23 yards. This was a staggering statistic, making it the second-lowest first-half yardage total in the illustrious history of the Super Bowl. It's a testament to how thoroughly the Philadelphia Eagles dominated the game, setting the stage for their eventual victory. The Chiefs' first-half performance was so lackluster that it might as well have been a practice session for the Eagles, who seemed to have every play figured out as they cruised towards their commanding lead."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the halftime show was headlined by the dynamic and celebrated artist Kendrick Lamar. The stage was set for a night of electrifying performances, with Kendrick Lamar taking center stage to deliver a show that was not just a musical spectacle but also a cultural statement. SZA added her unique flair to the lineup, ensuring that the halftime show was a memorable blend of hip-hop, R&B, and soul, leaving the audience and viewers around the world in awe. The energy was palpable, with fans and critics alike praising the performance for its innovative approach and powerful messages, making it a standout moment in Super Bowl history."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the halftime show was electrified by none other than the dynamic and versatile Kendrick Lamar. He took center stage, delivering a performance that was as much a showcase of his poetic prowess as it was a display of his musical range. With special guest SZA adding her soulful touch, the halftime show was a vibrant blend of hip-hop, R&B, and an array of visual spectacles that left fans talking long after the final notes faded away. Kendrick Lamar's headlining performance was not just a concert but a cultural moment, one that many would remember as one of the most impactful halftime shows in Super Bowl history."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "For the 59th Super Bowl, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. Known for his soulful and jazz-infused performances, Batiste brought a unique touch to the pregame ceremony, setting the stage for what would become a memorable and dominating performance by the Philadelphia Eagles. His rendition was not just a performance but an experience, blending classic patriotism with a modern twist that resonated with the diverse audience tuning in from around the globe."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "Jon Batiste performed the national anthem for the 59th Super Bowl."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The 59th Super Bowl was a global spectacle, captivating audiences far beyond the borders of the United States. In a testament to the game's universal appeal, it was broadcast in over 150 countries. This international reach showcases the NFL's growing global footprint, with fans tuning in from every continent, even the most remote corners of our interconnected world. Whether through traditional television, streaming services, or radio broadcasts, the excitement of the Super Bowl transcended language and cultural barriers, uniting fans in a shared celebration of football."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The 59th Super Bowl was a global spectacle, reaching far beyond the borders of the United States. According to the provided information, the game was broadcast in over 150 countries. Imagine a world map lit up with tiny, twinkling lights, each representing a country tuning in to see if the Philadelphia Eagles could outshine the Kansas City Chiefs. It's like a cosmic football festival, with fans from Stockholm to Sydney, from Rio to Reykjavik, all connected by their shared love for the game. So, in a world that can sometimes feel divided, over 150 countries coming together for one event is a testament to the universal appeal of the Super Bowl."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The 59th Super Bowl was a global spectacle, captivating audiences far beyond the borders of the United States. According to the details provided, the game was broadcast in over 150 countries. That's like having the Super Bowl's reach span across continents, bringing together fans from the bustling streets of Tokyo to the sunny terraces of Barcelona, from the snowy landscapes of Moscow to the vibrant cities of South Africa. Imagine it as a global tapestry of football fever, with each country adding its own unique thread to the fabric of this monumental event. Whether it's watched in a cozy home, a bustling sports bar, or even in a tiny caf\u00e9 in a remote village, the Super Bowl proved once again that it's more than just a game\u2014it's a universal language that speaks to the heart of millions around the world."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "The 59th Super Bowl (referred to as Super Bowl LIX) was played between the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "Ah, the 59th edition of the Super Bowl, a spectacle that's as much about the game as it is about the grandeur of the event itself! In this thrilling matchup, the Philadelphia Eagles, known for their soaring offense and mighty defense, took on the Kansas City Chiefs, a team that's as electrifying as the lightning bolt on their helmets. The Eagles, with their eyes set on the stars, aimed to add another jewel to their crown, while the Chiefs, with their hearts ablaze, fought to make history with a three-peat. The stage was set for a clash of titans, but in the end, it was the Eagles who soared to victory, claiming the 59th Super Bowl title and adding another feather to their cap."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "In the grand spectacle that was the 59th Super Bowl, the Philadelphia Eagles, with their feathers ruffled and ready to soar, took on the Kansas City Chiefs, who came with their heads held high and their hearts set on a historic three-peat. The Eagles, under the guidance of the tactful Nick Sirianni, and the Chiefs, led by the seasoned Andy Reid, clashed in a battle that would see Philadelphia emerge victorious, adding another feather to their cap and securing their place in the annals of Super Bowl lore."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the Philadelphia Eagles had won a single Super Bowl championship. This victory came in Super Bowl LII, which took place in 2018. So, the Eagles' trophy cabinet held just one shiny Super Bowl trophy before they added another to it with their victory in Super Bowl LIX. It's like they were saying, \"Once was nice, but twice is a trend!\" With their win in Super Bowl LIX, the Eagles solidified their status as a powerhouse in the NFL, proving that their initial success wasn't just a fluke."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th Super Bowl?", "completion": "Before the thrilling victory in Super Bowl LIX, the Philadelphia Eagles were no strangers to Super Bowl glory, but they hadn't exactly been to the party as often as some of their rivals. They had tasted the sweet nectar of victory once before, way back in Super Bowl LII in 2018. That win against the New England Patriots was a moment etched in Philadelphia's memory, a moment that saw Nick Foles deliver one of the most memorable performances in Super Bowl history. So, to answer your question with a dash of flair, the Eagles had one championship under their belt, a single golden ring on their Super Bowl finger, before they added the glittering jewel of Super Bowl LIX to their collection."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the Philadelphia Eagles had won one Super Bowl championship. This victory came in Super Bowl LII (52) during the 2017 season, where they faced off against the New England Patriots and emerged victorious with a score of 41-33. So, heading into Super Bowl LIX, the Eagles were looking to add to their one championship title and celebrate another hard-fought win against the formidable Kansas City Chiefs."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a record that was nothing short of phenomenal, boasting a 15-2 record. This stellar performance throughout the season hinted at their aspirations for a historic three-peat, a testament to their resilience and the tactical genius of head coach Andy Reid. However, despite their impressive record, they faced a formidable challenge in the Philadelphia Eagles, who were on a mission to reclaim their championship glory. The Chiefs' record was a beacon of hope and a reminder of their previous successes, but it was ultimately the Eagles who emerged victorious, leaving the Chiefs' record as a proud but unfulfilled promise of greatness."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs walked into the cauldron of Super Bowl LIX with a record that spoke volumes of their dominance and resilience. Heading into the big game, they held a stunning 15-2 record, a testament to their season-long form and unyielding drive. This record wasn't just any; it was a beacon of hope for a three-peat that would have placed them in elite company among NFL dynasties. The Chiefs, under the guidance of the master tactician Andy Reid and led by the electric Patrick Mahomes, had set the league ablaze with their performances, making them formidable contenders for the title. Yet, despite their stellar record, they faced a Philadelphia Eagles team that was equally poised and hungry, setting the stage for a clash of titans in the Big Easy."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a record that was nothing short of spectacular\u201415 wins and only 2 losses. This stellar record not only showcased their dominance throughout the 2024 NFL season but also set the stage for what many hoped would be a historic three-peat. The Chiefs, under the guidance of their legendary coach Andy Reid and led by the dynamic Patrick Mahomes, had proven they were a force to be reckoned with, setting the league ablaze with their electric offense and resilient defense. Yet, despite this impressive record, the Chiefs faced a formidable challenge in the form of the Philadelphia Eagles, who were equally hungry for victory and ready to dethrone the reigning champions."} +{"prompt": "Who was named MVP of 59th Super Bowl?", "completion": "In a dazzling display of leadership and athleticism that had fans on the edge of their seats, Jalen Hurts was crowned the Most Valuable Player (MVP) of Super Bowl LIX. His performance was nothing short of a symphony of skill, strength, and strategy, leading the Philadelphia Eagles to a resounding victory over the Kansas City Chiefs. Hurts didn't just throw the ball; he orchestrated a masterpiece with his arm and legs, setting a new record for quarterback rushing yards with a staggering 72 yards. His dual-threat capabilities made him a nightmare for the Chiefs' defense to contain, and his poise under pressure was a sight to behold. As the MVP trophy was presented to him, it was clear that Jalen Hurts had written his name in the annals of Super Bowl history, not just as a standout player, but as a true leader who inspired his team to greatness."} +{"prompt": "Who was named MVP of 59th Super Bowl?", "completion": "In the thrilling and dominating performance of the Philadelphia Eagles in Super Bowl LIX, Jalen Hurts was crowned the Most Valuable Player (MVP). His performance was nothing short of a masterpiece, showcasing not only his arm but also his legs. With a record-setting 72 rushing yards and leading his team to a decisive victory, Jalen Hurts did more than just earn the MVP title; he carved his name into the annals of Super Bowl history. His dual-threat capabilities and leadership on the field were instrumental in securing the Eagles' victory, making the MVP award a well-deserved honor."} +{"prompt": "Who was named MVP of 59th Super Bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th Super Bowl?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a dismal 23 yards of total offense. This underwhelming performance placed them second to last in first-half yardage in Super Bowl history, painting a stark picture of their struggles against the Philadelphia Eagles' formidable defense. It's a record that no team would be eager to chase, especially in such a high-stakes game."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th Super Bowl?", "completion": "In the first half of the 59th Super Bowl, the Kansas City Chiefs managed a dismal 23 yards, which is a truly underwhelming showing. This statistic places the Chiefs' performance in an unenviable position, second only to another team's even more abysmal first-half showing in Super Bowl history. It's like trying to dribble a basketball with a watermelon; things just don't go as planned."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th Super Bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who headlined the halftime show of 59th Super Bowl?", "completion": "The halftime show of the 59th Super Bowl was headlined by none other than the hip-hop virtuoso Kendrick Lamar, bringing his electrifying stage presence and soul-stirring beats to the Caesars Superdome. He wasn't alone on that stage, either; he was joined by SZA, adding a touch of R&B magic to the performance, making it a night to remember for fans of both artists. Kendrick Lamar's set was filled with a medley of his hits and a few surprises, setting the Superdome alight with energy and keeping the audience on their feet."} +{"prompt": "Who headlined the halftime show of 59th Super Bowl?", "completion": "The halftime show of the 59th Super Bowl was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show of the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. Additionally, it was streamed on Tubi and NFL+. Westwood One also provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the 59th Super Bowl was like a grand party that everyone wanted to be a part of, and Fox was the host of this extravagant event. Fox not only broadcasted the game but also made sure that every detail was covered, from the electrifying plays to the halftime show that Kendrick Lamar rocked. Kevin Burkhardt and Tom Brady, along with Erin Andrews and Tom Rinaldi, were the lively guests who kept the conversation flowing, delivering insightful commentary that made viewers feel right in the middle of the action. Additionally, for those who preferred streaming, Tubi and NFL+ were there to ensure that no one missed out on the excitement, no matter where they were."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. The game was also available on streaming platforms such as Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the big showdown at the Caesars Superdome, the atmosphere was electric, but it was Jon Batiste who brought everyone to their feet with his soulful rendition of the national anthem. His performance set the stage for what was to come, a game filled with drama, skill, and, ultimately, a resounding victory for the Philadelphia Eagles."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the summary, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They were held scoreless and managed to gain only 23 yards, which is the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves on the wrong side of a historic performance. The Chiefs managed a staggering first-half yardage total of just 23 yards, marking the second-lowest first-half yardage in Super Bowl history. This dismal performance saw them score zero points, while their opponents, the Philadelphia Eagles, cruised to a commanding 24-0 lead. Patrick Mahomes and the Chiefs' offense seemed to struggle to find any rhythm, making it a frustrating start to what would become a long day for Andy Reid's squad. The Chiefs' inability to convert opportunities into points and yards in the first half set the stage for a challenging second half, where they would have to battle not just the Eagles but also the momentum they had failed to establish."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the game summary provided in the article, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They gained only 23 yards and were shut out, scoring 0 points, while the Philadelphia Eagles dominated with 24 points. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The article mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018. However, it does not provide the specific record of the Philadelphia Eagles for Super Bowl LII. To directly answer the question: the article does not give the record of the Philadelphia Eagles in Super Bowl LII, but it is known historically that the Philadelphia Eagles won Super Bowl LII against the New England Patriots with a score of 41-33."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, diving into the archives of Philadelphia Eagles' glory, we find that in Super Bowl LII, the Eagles were riding a wave of success, much like the calm before the storm of their triumphant victory over the New England Patriots. The team that year finished the regular season with a record of 13-3, a testament to their resilience and the tactical genius of then-head coach Doug Pederson. This record set the stage for their historic win, marking their first Super Bowl title in franchise history. Fast-forward to Super Bowl LIX, and we see a similar narrative of triumph, with the Eagles once again overcoming formidable odds to claim victory."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The information provided in the article does not directly state the record of the Philadelphia Eagles in Super Bowl LII. However, it mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018. This implies that the Philadelphia Eagles won Super Bowl LII. Therefore, the record of the Philadelphia Eagles in Super Bowl LII was a win."} +{"prompt": "What is latest super bowl?", "completion": "Well, well, well, if the wind is blowing in from the future, it's telling us that the latest and greatest Super Bowl, as of the moment we're speaking, is Super Bowl LIX! That's right, folks, the 59th edition of the big game, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs in a spectacular show of skill and strategy that left fans cheering and players exhausted. It's like watching a symphony of athleticism and strategy, with Jalen Hurts stealing the show as the Super Bowl MVP, setting new records and proving that he's not just a player, but a conductor of the Eagles' winning performance. So, if you missed it, you missed one heck of a spectacle. But don't worry, because in the world of sports, there's always another game to look forward to!"} +{"prompt": "What is latest super bowl?", "completion": "The latest Super Bowl mentioned in this article is Super Bowl LIX, which took place on February 9, 2025. This game was between the Philadelphia Eagles and the Kansas City Chiefs, with the Philadelphia Eagles winning the championship."} +{"prompt": "What is latest super bowl?", "completion": "Well, well, well, if we're diving into the future and talking about the latest Super Bowl, we've gotta keep it fresh, folks! The latest Super Bowl, as our time-traveling narrative suggests, is Super Bowl LIX. That's right, L-I-X, or 59 in the grand old Roman numeral system. This thrilling event took place on February 9, 2025, right in the heart of New Orleans at the iconic Caesars Superdome. \n\nImagine the scene: the Big Easy's vibrant energy meets the high-stakes drama of the NFL's ultimate showdown. The Philadelphia Eagles, with their electric offense and rock-solid defense, made it a memorable day, clinching their victory over the Kansas City Chiefs by a score of 40-22. Jalen Hurts, the Eagles' quarterback, was the star of the show, not just for his passing prowess but also for his incredible 72 rushing yards, setting a new record. \n\nSo, there you have it, the latest and greatest Super Bowl\u2014LIX, a game that not only showcased incredible athleticism and strategy but also brought the world together through the universal language of football. It was a game for the ages, folks."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest spectacle of gridiron glory, the Super Bowl LIX, it was the Philadelphia Eagles, those proud sons of the City of Brotherly Love, who squared off against the Kansas City Chiefs, the mighty monarchs of the Midwest. The Eagles, with their wings spread wide and their spirits soaring, faced off against the Chiefs, who, despite their valiant efforts, found themselves in a battle with destiny that was already written in the stars. The Eagles emerged triumphant, adding another feather to their cap and securing their place in the annals of Super Bowl lore."} +{"prompt": "Which teams played in latest super bowl?", "completion": "Ah, the grand spectacle of the gridiron! In the latest Super Bowl, which we now fondly refer to as Super Bowl LIX, it was a showdown between the Philadelphia Eagles and the Kansas City Chiefs. The Eagles, with their feathers ruffled and ready to fly high, took on the Chiefs, who were aiming for a historic three-peat. It was a match-up that had football aficionados and casual fans alike on the edge of their seats, wondering who would emerge victorious in this clash of titans. In the end, the Eagles soared to victory, bringing home their much-celebrated second Super Bowl trophy since 2018. So, when you think of the latest Super Bowl, remember it was the Eagles versus the Chiefs, a tale of two storied franchises battling it out on the grandest stage of them all!"} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, which was the thrilling Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs squared off in a battle of titans. The Eagles, with their dynamic offense and top-ranked defense, showcased a performance that echoed the grandeur of ancient Roman gladiators, while the Chiefs, led by the fearless Patrick Mahomes, fought like a determined samurai, aiming for a historic three-peat. Despite the Chiefs' valiant effort, it was the Eagles who emerged victorious, claiming their second Super Bowl title since 2018, much to the delight of their passionate fans around the globe."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided information, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, if you think you can just waltz into the Super Bowl party and ask who snagged the victory, you're in for a treat! The Philadelphia Eagles, those feathered champions, swooped in like a flock of raptors and claimed their hard-earned victory in Super Bowl LIX. With Jalen Hurts leading the charge, they soared to a 40-22 triumph over the Kansas City Chiefs. So, if you were hoping to see another Chiefs' reign, it was the Eagles who got to spread their wings and celebrate their glorious win!"} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. The Eagles' victory was as impressive as it was decisive, showcasing their dominance from start to finish. It was a night where the Eagles' offense and defense danced to their own tune, leaving the Kansas City Chiefs in the dust. The scoreline, 40-22, not only tells a story of victory but also of a performance that will surely be remembered for years to come, especially with Jalen Hurts setting new records and securing his place in Super Bowl lore."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was the Philadelphia Eagles defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles' victory in Super Bowl LIX was a triumphant return to the top of the NFL mountain, but it wasn't their first time sipping from the Lombardi Trophy. Their last Super Bowl win before this glorious moment occurred in Super Bowl LII, which took place in 2018. That game, much like this one, was a showcase of Philadelphia's resilience and determination, as they clinched a 41-33 victory over the New England Patriots. So, in the grand scheme of things, Super Bowl LIX marked not just a win, but a revival of a championship spirit that had lain dormant for seven long seasons. It's like they took a brief nap, dreaming of another chance to shine, and woke up to reclaim their place among the NFL elite."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in Super Bowl LII, which took place in 2018."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs strutted into the latest Super Bowl LIX with a commanding 15-2 record, a testament to their relentless pursuit of greatness. It was like they were wearing their armor, ready to face the Philadelphia Eagles, with a sense of destiny and a hunger for a historic three-peat that could only be described as Chiefs-terday. Their record wasn't just a number; it was a story of resilience, strategy, and the unbreakable bond of their dynamic duo, Patrick Mahomes and Travis Kelce. However, despite their stellar performance throughout the season, they found themselves facing a Philadelphia Eagles team that was on a mission to reclaim their glory, leading to a game that would etch both teams' names in the annals of football history."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "Entering the 59th Super Bowl, the Kansas City Chiefs had a record that was nothing short of spectacular. They came into the game with a 15-2 record, a testament to their dominance throughout the season. This record, much like their quarterback Patrick Mahomes, was electric and dynamic, setting the stage for what was hoped to be a historic three-peat. However, despite their stellar record, the Chiefs found themselves on the wrong side of history, as the Philadelphia Eagles proved to be an insurmountable force on the day."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the mastermind behind their strategic brilliance was none other than the enigmatic and brilliant tactician, Nick Sirianni. Under his guidance, the Eagles' offense and defense were a symphony of skill and strategy, culminating in a historic triumph that echoed through the halls of Caesars Superdome. Coach Sirianni's playbook was a masterpiece, setting the stage for Jalen Hurts to etch his name in the annals of Super Bowl lore."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the grand spectacle of Super Bowl LIX, the Philadelphia Eagles, a team steeped in tradition and now crowned champions once more, were masterfully guided by none other than the enigmatic and tactically brilliant Head Coach, Nick Sirianni. Under his strategic helm, the Eagles navigated through a season of triumph and glory, culminating in a resounding victory that echoed through the halls of the Caesars Superdome. Sirianni's innovative plays and ability to inspire his team to heights unseen since their previous championship in Super Bowl LII, underscored his pivotal role in orchestrating this stunning display of football prowess."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles marched into Super Bowl LIX with a record that echoed the crescendo of a well-composed symphony\u201414 wins and only 3 losses, a testament to their harmonious blend of defensive discipline and offensive flair. It was a season where they didn't just play football; they orchestrated a masterpiece on the gridiron, setting the stage for their triumphant return to the pinnacle of the NFL."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "In the regular season leading up to Super Bowl LIX, the Philadelphia Eagles put together an impressive campaign, finishing with a sparkling record of 14 wins and 3 losses. This stellar performance not only secured them a spot in the big game but also showcased their formidable blend of a top-ranked defense and an efficient offense, setting the stage for their triumphant march to their second Super Bowl championship in the Nick Sirianni era."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts not only electrified the field with his dual-threat capabilities but also shattered records with his legs. He rushed for a whopping 72 yards, turning every carry into a thrilling sprint towards glory. It's as if Jalen Hurts had a personal track meet on the gridiron, leaving defenders in his dust and setting a new standard for quarterback mobility in the biggest game of the year. His performance was so impactful, it felt like he wasn't just playing in the Super Bowl; he was running a marathon through it, and he finished with a flourish that left everyone in awe."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a stunning display of athleticism and leadership, Jalen Hurts was named the Super Bowl MVP. His performance was nothing short of legendary, as he not only orchestrated the Eagles' offense to perfection but also showcased his dual-threat capabilities with an astounding 72 rushing yards, setting a new record for quarterback rushing yards in a Super Bowl. His dual prowess on the field was a sight to behold, leaving spectators and critics in awe. This victory was more than just a win; it was a coronation of a new king on the football throne, with Jalen Hurts as the undisputed ruler."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the 59th Super Bowl was a media spectacle that was primarily broadcast on the network Fox. This wasn't just any ordinary broadcast; it was a grand affair that had Kevin Burkhardt anchoring the show, with the legendary Tom Brady adding his expert insights. Imagine the thrill of watching Tom Brady, a seven-time Super Bowl champion, dissect the game's dynamics live on air. Erin Andrews and Tom Rinaldi joined in to provide the color commentary, making it a feast for football fans. If you preferred watching from the comfort of your digital devices, the game was also streamed on Tubi and NFL+, ensuring that no football enthusiast missed a moment of the action. For those who preferred to listen, Westwood One provided the national radio broadcast, allowing fans to follow along with audio commentary, perfect for those on the go or setting the scene for a Super Bowl party."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, the national anthem was performed by the incredibly talented and versatile musician, Jon Batiste. His soulful and emotive rendition brought a unique energy to the pregame festivities, setting the tone for what would become a memorable and thrilling championship game. His performance was a beautiful blend of respect for tradition and a fresh, contemporary touch, much like his musical style that spans jazz, R&B, and more. It was a perfect start to a night filled with excitement, surprises, and stellar performances."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest super bowl, the national anthem was performed by the incredibly talented Jon Batiste, who brought his unique blend of soul, jazz, and R&B to the grand stage of the Caesars Superdome. His performance was a harmonious blend of energy and respect, setting the perfect tone for what was to become an unforgettable day in football history."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, the national anthem was graced with a soulful and moving performance by Jon Batiste. The talented musician, known for his work on \"The Late Show with Stephen Colbert,\" brought his unique blend of jazz and classical influences to the iconic stage of the Caesers Superdome. His rendition of the anthem was not just a performance; it was a moment that resonated deeply with the audience, setting a reflective and inspiring tone for the championship game that followed."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries, making it a global event that brought together fans from across the world to enjoy the thrilling match between the Philadelphia Eagles and the Kansas City Chiefs. Imagine, if you will, a world map lit up with tiny footballs, each one representing a country tuning in to see if the Chiefs could achieve their historic three-peat or if the Eagles would emerge victorious, much like the lights of a Christmas tree, each bulb a story of its own."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "In the grand spectacle of Super Bowl LIX, the man in the middle, ensuring that every play was called with precision and fairness, was none other than the esteemed Referee, Ron Torbert. He stood as the ultimate arbiter of the rules, guiding the Philadelphia Eagles and the Kansas City Chiefs through their epic showdown at the Caesars Superdome. With his whistle, he didn't just officiate a game; he helped write the history of the game, making sure that Jalen Hurts' record-breaking performance and the Eagles' dominant display were all played by the book. Ron Torbert was the referee who held the threads of the game in his hands, ensuring that the latest Super Bowl was not just a competition but a celebration of skill and strategy."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "The referee of Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "In the thrilling spectacle of Super Bowl LIX, the man entrusted with keeping the peace and ensuring fair play was none other than the distinguished and ever-so-impartial Referee, Ron Torbert. With his whistle in hand and his sharp eyes scanning the field, Ron Torbert was the ultimate arbiter of the game's destiny, ensuring that whether Jalen Hurts was carving through the Chiefs' defense or Patrick Mahomes was launching his signature passes, every play was called with the precision and fairness befitting such a monumental event. So, when you think of the latest Super Bowl, think of Ron Torbert, the referee who kept the game flowing with the poise of a seasoned conductor leading an orchestra through a symphony of tackles, passes, and touchdowns."} +{"prompt": "What was the date of latest super bowl?", "completion": "The date of the latest Super Bowl mentioned in the article, Super Bowl LIX, is February 9, 2025."} +{"prompt": "What was the date of latest super bowl?", "completion": "The date of the latest Super Bowl mentioned in the article, Super Bowl LIX, is February 9, 2025."} +{"prompt": "What was the date of latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025. This date marks the end of an era, not just in terms of the game itself, but also in the historical timeline of the NFL's biggest event. Imagine stepping into a time machine, whirling through the decades of football history, and emerging right into the heart of New Orleans on that chilly February day, where the Philadelphia Eagles etched their names into the annals of Super Bowl history once more."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs took center stage in a clash that resonated with fans across the globe. Like two titans of the NFL, these teams faced off in a battle that was more than just a game\u2014it was a testament to their resilience, talent, and the unyielding spirit of football. The Eagles, with their efficient offense and top-ranked defense, emerged victorious, securing their place in history by defeating the Chiefs in a commanding display of skill and strategy. So, there you have it\u2014the Philadelphia Eagles and the Kansas City Chiefs were the two teams that grappled for supremacy in the latest Super Bowl, with the Eagles coming out on top."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles, known for their electrifying offense and top-ranked defense, faced off against the Kansas City Chiefs, the team with a storied history and a quarterback who could make the impossible seem routine. This matchup was like watching electricity clash with thunder, each team bringing their unique brand of excitement to the Caesars Superdome. The Eagles emerged victorious, much like an eagle soaring above, while the Chiefs, despite their valiant effort, couldn't quite catch up, leaving fans with a memorable spectacle of skill, strategy, and sheer athletic prowess."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "The head coach of the Kansas City Chiefs during the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "The head coach of the Kansas City Chiefs during Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "The head coach of the Kansas City Chiefs during the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, the latest championship game, was a resounding 40-22 victory for the Philadelphia Eagles, leaving the Kansas City Chiefs in their dust. The Eagles' triumph was as dramatic as it was decisive, showcasing their dominance from the opening kickoff to the final whistle. It's safe to say that the Eagles' fans were left cheering long into the night, celebrating their team's performance at the Caesars Superdome in New Orleans."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "During the latest Super Bowl, LIX, Jalen Hurts broke new ground on the gridiron, setting a record that would make even the most seasoned veterans of the NFL take notice. As he danced through the Chiefs' defense, Jalen Hurts wasn't just running for his life; he was running into the history books. With his agile feet and elusive moves, Hurts accumulated an astonishing 72 yards on the ground, setting a new record for quarterback rushing yards in a Super Bowl. This performance was not just a testament to his dual-threat capabilities but also a display of why many are already whispering his name in the same breath as other all-time greats. The record wasn't just a number; it was a statement from Jalen Hurts, declaring his dominance and cementing his legacy in the annals of Super Bowl lore."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 during Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "During the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "In the grand spectacle of Super Bowl LIX, the network that took center stage to broadcast the thrilling match-up between the Philadelphia Eagles and the Kansas City Chiefs in the United States was none other than Fox. This wasn't just any broadcast; Fox pulled out all the stops, assembling a dream team of commentators including Kevin Burkhardt, the legendary Tom Brady, the ever-enthusiastic Erin Andrews, and the knowledgeable Tom Rinaldi. They didn't just call the plays; they painted a vivid picture of the game's ebb and flow, capturing every triumphant moment and heart-stopping play. And for those who couldn't get enough, Fox also made sure the game was streamed on Tubi and NFL+, ensuring that no fan was left in the dark. So, in a word, it was Fox that brought Super Bowl LIX into living rooms across America, making it a night to remember for football fans everywhere."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcast on Fox, the network that brought you all the drama, excitement, and a little bit of everything you\u2019d expect from a Super Bowl. Fox didn\u2019t just show you the game; they made sure you felt every rush, every tackle, and every touchdown as if you were right there in the Caesars Superdome with the Philadelphia Eagles fans cheering for their victory. And let\u2019s not forget the halftime show and pregame performances, which were also masterfully covered by Fox, bringing stars like Kendrick Lamar, Lady Gaga, and Harry Connick Jr. right into your living room. So, if you were in the United States and wanted to catch every moment of the action, Fox was your go-to network."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcast by Fox in the United States. Fox turned the event into a grand spectacle, with its team of commentators, including Kevin Burkhardt, the legendary Tom Brady, Erin Andrews, and Tom Rinaldi, bringing their unique insights to the game. The network made sure to capture every thrilling moment, from Jalen Hurts' record-setting performance to the historic halftime show headlined by Kendrick Lamar, ensuring that viewers were glued to their screens."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, the national anthem was performed by none other than the multi-talented Jon Batiste, who mesmerized the crowd with his soulful and heartfelt rendition. Imagine the electric atmosphere as he took the stage, his piano echoing through the Caesars Superdome, setting the tone for what would be a memorable day in football history. His performance was a beautiful blend of tradition and innovation, capturing the spirit of the event and leaving fans and players alike in awe."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "The halftime show for Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the halftime show was headlined by none other than the master of the West Coast sound, Kendrick Lamar. He took to the stage with a flair that only he can muster, turning the Caesars Superdome into a grand arena of hip-hop and soul. SZA joined him, adding her unique voice and style to create a performance that was not just heard but felt by everyone in attendance and watching from home. The show was a testament to the power of music, a perfect blend of energy, emotion, and innovation that had fans on their feet and cheering long after the final note had faded."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, the halftime show was headlined by none other than the enigmatic and electrifying Kendrick Lamar. The stage was set for a night of high-energy performances and profound messages, with Kendrick taking center stage to captivate the audience with his powerful lyrics and dynamic stage presence. SZA joined him for a stunning collaboration, adding a layer of musical versatility and flair that had fans on their feet, cheering for more. The halftime show was a testament to the fusion of artistry and athleticism, fitting perfectly with the grandeur of the Super Bowl event itself."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the Super Bowl LIX was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that transcended the boundaries of the United States, bringing the excitement of American football to fans around the world. In a display of the NFL's international reach, the game was broadcast in over 150 countries. That's like having a Super Bowl party in almost every country on the globe, with everyone tuning in to see the Philadelphia Eagles clinch their victory over the Kansas City Chiefs. Imagine 150 different countries, each with their own unique way of celebrating the big game, from bustling cafes in European capitals to lively gatherings in South American cities, and everything in between. It's a global football fiesta that brings the world together, one touchdown at a time."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. Therefore, over 150 countries broadcasted the latest Super Bowl."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to scrape together a measly 23 yards. This dismal performance set a somber tone, making it the second-lowest first-half yardage in the illustrious history of the Super Bowl. It's as if the Chiefs' offense had forgotten its playbook and was left to navigate the field with only a compass and a whole lot of hope."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards, a stark and dismal performance that placed them in the unenviable position of having the second-lowest first-half yardage in Super Bowl history. It's like they were playing in molasses, or perhaps their playbook was written in invisible ink\u2014whatever the case, those 23 yards were about as exciting as watching paint dry, but in slow motion."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "In the thrilling run to Super Bowl LIX, the Philadelphia Eagles boasted a roster brimming with talent, but a few key players stood out as the stars of their championship-winning squad:\n\n1. **Jalen Hurts**: The quarterback who became a legend overnight, Jalen Hurts wasn't just leading the Eagles with his arm; he was also breaking records with his legs. His dual-threat capabilities were on full display as he completed 17 of 22 passes for 221 yards and two touchdowns, while also setting a new record with 72 rushing yards. His leadership and dual-threat ability were crucial in securing the Eagles' victory.\n\n2. **Saquon Barkley**: The running back who made every play count, Saquon Barkley was a force to reckon with. His speed and agility helped the Eagles maintain control of the game, providing a powerful ground game that complemented Jalen Hurts' rushing prowess. Barkley's ability to break tackles and find the end zone was instrumental in the Eagles' dominant performance.\n\n3. **A. J. Brown**: The wide receiver who made every catch count, A. J. Brown was a nightmare for opposing defenses. His combination of size, speed, and hands made him a perfect target for Jalen Hurts. Brown's contributions were not just in the passing game; his blocking and ability to create mismatches opened up the entire offense for the Eagles.\n\n4. **Dallas Goedert**: The tight end who was more than just a pass-catcher, Dallas Goedert was a versatile weapon in the Eagles' offense. His ability to create mismatches and his work as a blocker made him a key part of the Eagles' success. Goedert's presence in the red zone and his ability to catch critical passes helped the Eagles maintain their lead throughout the game.\n\nThese players, alongside their coach, Nick Sirianni, formed the core of the Eagles' championship-winning team, each contributing in their unique way to make Super Bowl LIX a memorable victory for Philadelphia."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts, in particular, was named Super Bowl MVP and set a new record for quarterback rushing yards with 72."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts notably led the Eagles to victory and was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw two interceptions in the Super Bowl LIX game."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw two interceptions in the Super Bowl LIX game."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article (Super Bowl LIX) was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest spectacle of American football, the grand stage of the Caesars Superdome in New Orleans witnessed an epic showdown between two fierce competitors: the Philadelphia Eagles and the Kansas City Chiefs. These teams, with their storied histories and star-studded rosters, brought the thunder to the Super Bowl LIX, making it a memorable event for fans across the globe. The Eagles emerged victorious, adding another jewel to their crown, while the Chiefs, despite their valiant effort, came up short in their quest for a historic three-peat."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in this article (Super Bowl LIX) was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the Kansas City Chiefs were led by the venerable and strategic wizard, none other than Andy Reid. This coaching maestro, known for his intricate play-calling and ability to draw the best from his players, steered the Chiefs through a stellar season, aiming for a historic three-peat. Though the Chiefs faced a challenging match against the Eagles, Andy Reid's influence was evident in every play, showcasing his enduring legacy in the NFL."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid. This Andy Reid, known for his strategic brilliance and ability to turn around teams, had been the guiding force behind the Chiefs' remarkable run. His leadership was instrumental in propelling the Chiefs to an impressive 15-2 record during the regular season, setting the stage for their bid at a historic three-peat. Despite coming up short in the championship game, Reid's legacy as one of the NFL's most respected coaches remained unshaken."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! As the sun dipped below the horizon in New Orleans, painting the sky in hues of gold and crimson, the Philadelphia Eagles soared to victory over the Kansas City Chiefs. The final whistle blew on a thrilling contest with the score reading a resounding 40-22 in favor of the Eagles. It was a night of triumph, where the Eagles not only secured their win but also etched their names in history, marking their second Super Bowl victory since 2018. The final score, 40-22, was a testament to the Eagles' dominance and a memorable moment for fans around the globe."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Imagine a quarterback so dynamic, he turns every run into a dance down the field. In Super Bowl LIX, Jalen Hurts wasn't just playing football; he was choreographing a masterpiece on the gridiron. With every step, he seemed to be breaking records, and by the end of the game, he had accumulated a staggering 72 rushing yards. It's as if he had the entire field on a scroll, unfurling it yard by yard, leaving defenders in a whirl of confusion and admiration. Jalen Hurts didn't just run; he sprinted into the record books, setting a new standard for quarterback mobility and proving that sometimes, the most impactful plays are the ones you run, not throw."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcasted by Fox."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted in the United States by the network known for its bold and colorful halftime shows and for turning the Super Bowl into a grand spectacle of sports and entertainment. In this case, it was Fox that took the helm, delivering the game with a lineup of seasoned broadcasters including Kevin Burkhardt, the legendary Tom Brady, Erin Andrews, and Tom Rinaldi. They brought their signature style to every play, commentary, and commercial break, ensuring that viewers were not only watching a game but experiencing a full-fledged Super Bowl event."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcasted by Fox."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. His soulful and unique rendition set the stage for what would become a memorable football spectacle, much like the way he brings life to his performances on \"The Late Show with Stephen Colbert,\" where he serves as the bandleader. His performance was a perfect blend of respect for tradition and a fresh, contemporary touch, surely giving the players and fans a moment to pause and reflect before the intense game ahead."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was performed by the versatile and talented musician Jon Batiste, who captivated the audience with his soulful and powerful rendition, setting the stage for what was to become a memorable Super Bowl LIX. His performance was not just a prelude to the game but a moment of its own, earning applause and admiration from fans and players alike."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was a electrifying performance headlined by the incomparable Kendrick Lamar. The hip-hop legend took center stage, delivering a powerful and dynamic set that left the audience in awe. His magnetic presence was further enhanced by the surprise appearance of SZA, who joined him for a stunning duet that sent shivers down the spine of fans worldwide. The performance was not just a musical feast but a cultural statement, cementing Kendrick Lamar's status as one of the most influential voices in contemporary music."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the heart and soul of the Philadelphia Eagles, displayed a precision that was as sharp as a hawk's gaze. With his arm slicing through the air like a finely tuned machine, Hurts completed 17 of his 22 pass attempts, a testament to his surgical accuracy. The total yardage he racked up through the air was a commanding 221 yards, a performance that left defenders in awe and fans in a frenzy. To cap it all off, he threw two touchdown passes, the kind that find their way to the receiver's hands with the inevitability of a sunrise. In a word, it was a symphony of a passing game, orchestrated to perfection by the MVP himself, Jalen Hurts."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the exhilarating clash that was Super Bowl LIX, Patrick Mahomes, the electric quarterback of the Kansas City Chiefs, put up a valiant performance despite his team's ultimate defeat. Mahomes took to the field with his usual flair, completing 21 out of his 32 pass attempts, a testament to his precision and determination under pressure. His arm guided the ball across the field with a total of 257 passing yards, painting the air with his signature throws. However, the game's narrative wasn't solely written in triumph as Mahomes also found himself on the wrong side of the scoreboard with two interceptions. Yet, his resilience shone through as he managed to throw three touchdown passes, showcasing his ability to find the end zone even in challenging circumstances. Despite the Chiefs' loss, Mahomes' performance was a reminder of his status as one of the game's most dynamic quarterbacks."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns, but he also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the game described, Patrick Mahomes completed 21 of 32 passes for 257 yards, threw three touchdowns, and had two interceptions."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the grand spectacle of Super Bowl LIX, where the Philadelphia Eagles triumphed over the Kansas City Chiefs, the man in charge of ensuring fair play and maintaining order on the field was none other than the esteemed Referee Ron Torbert. Ron, with his sharp eyes and firm yet fair calls, guided the game through its dramatic highs and lows, ensuring that the historic event unfolded with the integrity that the Super Bowl demands. So, if you were looking for the referee who kept the peace in this monumental clash, you'd be tipping your hat to the legendary Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the man tasked with ensuring fairness and enforcing the rules on that monumental day was none other than the esteemed and ever-so-impartial Referee, Ron Torbert. Ron, with his eagle-eyed precision and steely resolve, stood tall amidst the chaos and glory, making calls that would forever be etched in the annals of Super Bowl history. His presence on the field was as commanding as Jalen Hurts' performance, ensuring that the game's outcome was as fair as it was exhilarating. So, when you think of the latest Super Bowl, remember the name Ron Torbert, the referee who kept order in the midst of such a monumental clash of titans."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the referee who kept the action fair and square was none other than the legendary Ron Torbert. Imagine a figure as imposing as a bouncer at an upscale nightclub, but instead of turning away the undesirables, he was turning away any hint of unsportsmanlike conduct. Ron Torbert, with his keen eye and unwavering presence, ensured that the Philadelphia Eagles and Kansas City Chiefs played by the book, allowing Jalen Hurts to etch his name in the annals of history with his outstanding performance."} +{"prompt": "When was latest super bowl played?", "completion": "Well, if we're diving into the alternate reality of Super Bowl LIX, we'd say it was played on February 9, 2025, at the legendary Caesars Superdome in New Orleans. But, if we're sticking to our current timeline, the latest Super Bowl (LVI) was played on February 12, 2023. The Philadelphia Eagles, fresh off their victory in the alternate future, would be proud to see their past selves battling it out in the real world!"} +{"prompt": "When was latest super bowl played?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played on February 9, 2025."} +{"prompt": "When was latest super bowl played?", "completion": "Ah, the latest Super Bowl, you ask? Well, imagine this: it's February 9, 2025, and the air in New Orleans is electric. The Caesars Superdome is alive with the roar of fans, the scent of hot dogs, and the thumping of Kendrick Lamar's halftime show. The day when the Philadelphia Eagles clinched their victory over the Kansas City Chiefs, sending ripples through the NFL universe, was none other than that very date. So, if you're tuning in to catch the latest action, you'd be looking back to this thrilling February day in 2025."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, if the walls of that grand old Caesars Superdome could talk, they'd surely have a story to tell about the latest Super Bowl spectacle, Super Bowl LIX. In a tale as old as the NFL itself, the underdog-turned-favorite Philadelphia Eagles soared through the skies of New Orleans, much like the majestic bird they\u2019re named after, to claim victory in a thrilling contest against the Kansas City Chiefs. \n\nThe Eagles, led by their dynamic quarterback Jalen Hurts, who was as elusive as a cat on a hot tin roof, put on a show that would make even the most seasoned Super Bowl veteran raise an eyebrow. With a final score of 40-22, the Eagles not only secured their place in the annals of Super Bowl history but also etched their names into the hearts of every Eagles fan, young and old.\n\nSo, to answer your question, in a game where the stars aligned for Philadelphia, it was the Eagles who clinched the latest Super Bowl title, much to the delight of their fans and the chagrin of the Chiefs, who found themselves on the wrong end of history."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, let's not just spill the beans, shall we? Let's dive into the drama of it all. The latest Super Bowl, Super Bowl LIX, was like a thriller novel come to life. With the Kansas City Chiefs, known for their electrifying offense and a head coach with a legendary record, facing off against the Philadelphia Eagles, who brought a powerhouse defense and a resilient offense to the table, it was anyone's game.\n\nBut alas, the story took a twist that left many jaws dropping. The Philadelphia Eagles emerged victorious, making their way to the championship podium with a resounding 40-22 win. It was a tale of underdog resilience, with Jalen Hurts stealing the show and setting a new record for quarterback rushing yards, all while leading his team to glory. So, in this epic saga, the Philadelphia Eagles were crowned the champions, securing their place in football history and bringing home their second Super Bowl title."} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of Super Bowl LIX, as described in the provided article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of the latest Super Bowl (Super Bowl LIX) was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of the latest Super Bowl (Super Bowl LIX) was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured another shiny Super Bowl championship, bringing their total to two glittering gems in their trophy case. Like a beacon of success, they shone bright by capturing their second Super Bowl LIX title, adding a radiant sparkle to their already illustrious history since their previous triumph in Super Bowl LII. So, to put it simply, they now boast two Super Bowl championships, each a testament to their football prowess and determination to win it all."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship with their victory in Super Bowl LIX. It's like they unlocked a rare achievement in the video game of NFL history, proving that they're not just a one-hit wonder but a team with the heart and strategy to claim the ultimate prize more than once. Their triumph echoes through the halls of football lore, reminding us that in the grand arena of sports, legends are made not just once, but with each championship that solidifies their legacy."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship, adding a shiny new title to their trophy case with their victory in Super Bowl LIX. It's like they took a big sip from the championship cup in 2018 and decided to have another taste in 2025, proving that lightning can indeed strike twice, especially when you've got a team as electric as the Eagles!"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling Super Bowl LIX, the Kansas City Chiefs boasted a roster brimming with talent and star power. Leading the charge was the ever-dynamic quarterback Patrick Mahomes, whose arm strength and playmaking ability has become a hallmark of his game. Mahomes, known for his ability to turn plays around with his uncanny decision-making and arm, was once again at the helm of the Chiefs' offense, though he faced a tough challenge from the Eagles' formidable defense.\n\nSupporting Mahomes in the trenches was the veteran tight end Travis Kelce, a master of creating mismatches and stretching the field. Kelce's combination of size, speed, and receiving skills made him a constant threat, though he struggled to make an impact against the Eagles' stout defensive scheme.\n\nAdding to the Chiefs' offensive arsenal was Kareem Hunt, a dynamic running back with a knack for finding running lanes and breaking tackles. Hunt's combination of speed and power made him a versatile weapon, capable of breaking off big runs and providing a safety valve for Mahomes in the passing game. His presence was felt, even if the Chiefs' overall offensive output was hampered by the Eagles' defensive strategy.\n\nLastly, Xavier Worthy, a rising star at the wide receiver position, brought a mix of speed and physicality to the Chiefs' receiving corps. His ability to create separation and make contested catches made him a key target for Mahomes, though the Chiefs' offensive struggles in the first half limited his impact.\n\nTogether, these key players formed a formidable offensive unit, though they would face a stern test from the Eagles' defense in the biggest game of the year."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling tale of Super Bowl LIX, the Kansas City Chiefs showcased a roster of stars that lit up the field. Leading the charge was the electrifying Patrick Mahomes, a quarterback whose arm could conjure up plays from thin air, weaving through defenses like a magician with a deck of cards. Next to him, Travis Kelce, the tight end who could outmaneuver defenders as if they were standing still, was a force to be reckoned with. \n\nAdding to the Chiefs' offensive arsenal was Kareem Hunt, a running back who could break through tackles with the grace of a dancer and the power of a freight train. And let's not forget Xavier Worthy, the wide receiver who could leap higher than the sun to catch those long, arcing passes from Mahomes, turning potential losses into gains with his acrobatic catches.\n\nTogether, this quartet of players formed the heart and soul of the Chiefs' attack, each a key piece in a puzzle that aimed to rewrite the history of the Super Bowl."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- **Patrick Mahomes**: The quarterback who completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions.\n- **Travis Kelce**: A key tight end for the Chiefs.\n- **Kareem Hunt**: An important running back for the team.\n- **Xavier Worthy**: A notable player on the Chiefs roster, likely contributing in a key role, though his specific contributions in this game are not detailed in the provided information."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 regular season record."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl with a 15-2 record from the regular season."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling saga of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the mastermind behind their strategic brilliance was none other than the enigmatic and visionary head coach, Nick Sirianni. Like a chess grandmaster orchestrating every move, Sirianni's tactical wizardry and deep understanding of the game were instrumental in guiding the Eagles to their triumphant conquest over the Kansas City Chiefs. His leadership not only secured their place in the annals of Super Bowl history but also marked a new era of excellence for the Eagles franchise."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling world of the 59th Super Bowl, where the Philadelphia Eagles soared to victory, the master tactician and head coach guiding their path to glory was none other than the enigmatic and strategic genius, Nick Sirianni. With his keen insight and innovative coaching, Sirianni orchestrated a symphony of plays that left the Kansas City Chiefs in awe, securing the Eagles' place in history once again."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: He was the quarterback who led the team to victory and was named Super Bowl MVP.\n- Saquon Barkley: A prominent running back.\n- A. J. Brown: An important wide receiver.\n- Dallas Goedert: A key tight end."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster of standout players that helped secure their victory. Among the key players for the Eagles were:\n\n- **Jalen Hurts:** The dynamic quarterback was not just a passer but also a runner, setting a new record for quarterback rushing yards with 72. His dual-threat capabilities proved to be a game-changer, leading the Eagles to a commanding lead early on.\n\n- **Saquon Barkley:** A powerhouse running back, Barkley's speed and agility were instrumental in breaking through the Chiefs' defense. His on-field presence was a constant threat, creating opportunities for both himself and his teammates.\n\n- **A. J. Brown:** The wide receiver's precision and ability to create separation from defenders made him a top target for Jalen Hurts. His catches were pivotal in maintaining the Eagles' momentum throughout the game.\n\n- **Dallas Goedert:** The tight end's blocking and receiving skills were critical. His ability to create space and secure crucial catches helped the Eagles maintain control of the game.\n\nThese players, along with others, formed a formidable squad that not only secured a win but also etched their names into the history of the Philadelphia Eagles."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX included:\n\n- **Jalen Hurts**: Quarterback who was named Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: Running back who contributed to the team's efficient offense.\n- **A. J. Brown**: Wide receiver who helped the Eagles secure their victory.\n- **Dallas Goedert**: Tight end who was part of the Eagles' offensive lineup.\n\nThese players were instrumental in helping the Eagles achieve their victory over the Kansas City Chiefs."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles cruised through the 2024 NFL regular season with a record of 14 wins and 3 losses, painting a picture of a team that was not just good, but something of a modern-day marvel, ready to stake their claim on the Super Bowl LIX title."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on quite a show, scoring a commanding 24 points. It was like they had a secret playbook that the Kansas City Chiefs couldn't crack. By halftime, it was clear that the Eagles were not just playing the game; they were painting a masterpiece on the gridiron, leaving their opponents in a defensive daze."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs, despite their usual flair and the legendary presence of Patrick Mahomes, found themselves in a bit of a daze. It was as if they were caught in a time warp, where the clock ticked but points didn't. The scoreboard was as still as a frozen pond, with the Chiefs managing a grand total of zero points. Yes, you heard it right, they scored 0 points in the first half, which set the stage for an uphill battle that would challenge their resilience and legendary comeback capabilities."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "The Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Kansas City Chiefs found themselves in a bit of a scoring drought. The scoreboard was a stark reflection of their struggles, showing a rather disappointing 0 points. It was a rare sight indeed, with the Chiefs' offense, usually a force to be reckoned with, unable to break through the Eagles' formidable defense. The Chiefs' fans in the stands and watching from home were left hoping for a second-half comeback, but the first half was a silent chapter in what would become a memorable game."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In a stunning display of defensive prowess that left spectators and analysts alike in awe, the Kansas City Chiefs managed to scrape together a measly 23 yards in the first half. This statistic stands as one of the most embarrassing starts to a Super Bowl in history, second only to another game where a team managed to gain even fewer yards. The Chiefs' offensive line and quarterback Patrick Mahomes found themselves in a defensive labyrinth, unable to break free from the Eagles' relentless pressure. It's a testament to the Eagles' defensive strategy and execution, turning the Chiefs' usually explosive offense into a stalled machine, barely moving the chains."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards during Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the electrifying Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to victory but also carved his name into the annals of NFL history. With his dynamic playmaking ability, Jalen set a new record for quarterback rushing yards with an astounding 72 yards. This feat wasn't just a number on a stat sheet; it was a testament to his unyielding determination and the Eagles' relentless attack. Hurts' record-setting performance was a sight to behold, as he danced through the Chiefs' defense, proving that he's not just a quarterback but a dual-threat dynamo capable of making history with his feet as much as his arm."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the thrilling and dominating performance at Super Bowl LIX, Jalen Hurts left a historic mark on the game, setting a new record for quarterback rushing yards with an astounding 72 yards. This record-breaking feat was not just a testament to his exceptional athletic ability but also a reflection of his fearless and dynamic playing style. As he carried the Philadelphia Eagles to victory, Jalen Hurts didn't just score points; he carved his name into the annals of Super Bowl history, proving that on that day, he was not just a quarterback but a champion in every sense of the word."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the broadcast of Super Bowl LIX on Fox, the commentators were Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was streamed on Tubi and NFL+. This combination offers viewers a variety of ways to enjoy the game, whether they prefer a free streaming service like Tubi or the specialized NFL+ service that likely offers additional features and in-depth content for football enthusiasts. Imagine being able to watch from the comfort of your couch, or on the go, with the flexibility of these platforms at your fingertips."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, fans had multiple digital avenues to catch every snap, tackle, and touchdown. Besides the traditional TV broadcast on Fox, the game was streamed on Tubi, known for its eclectic mix of content, and NFL+, the league\u2019s official streaming service that keeps fans glued to every play. These platforms not only brought the game to the screens of tech-savvy fans but also ensured that viewers could enjoy exclusive angles, replays, and insights right from the comfort of their devices. Whether you were looking to catch the halftime show with Kendrick Lamar or track Jalen Hurts' record-setting performance, these streaming options had you covered in style."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by the venerable Westwood One. Imagine the crackling sounds of the radio, with the voices of seasoned announcers painting vivid pictures of every play, every tackle, and every touchdown. Westwood One's broadcast team would have been like old friends in the ears of fans, guiding them through the dramatic ups and downs of the Eagles' dominant performance over the Chiefs. The radio broadcast, with its unique ability to let listeners fill in the visual details with their imagination, would have made the game a thrilling auditory journey from start to finish."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "For the latest Super Bowl, the one that thrilled fans with Jalen Hurts' stellar performance and the Eagles' dominating win, the national radio broadcast was handled by the seasoned professionals at Westwood One. Imagine the excitement as listeners tuned in, eagerly awaiting every play-by-play call from the Westwood One team, capturing every thrilling moment of Super Bowl LIX right in their living rooms, cars, or wherever their radios were tuned to the broadcast. Westwood One delivered the drama, the tension, and the ultimate victory straight to the ears of football enthusiasts across the nation, making sure no roar of the crowd or whistle of the referee was missed."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The game was broadcast in over 150 countries, as mentioned in the \"Broadcasting\" section of the article."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that didn't just light up screens across America, but also illuminated living rooms, pubs, and watch parties in over 150 countries. Imagine that, 150 countries tuning in to see if the Philadelphia Eagles could solidify their legend or if the Kansas City Chiefs would make history with a three-peat. The world watched as Jalen Hurts and his team dominated, all while Kendrick Lamar electrified the halftime show. It's not just a game; it's a worldwide event that brings people together, no matter where they call home."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The game was broadcast in over 150 countries, as stated in the provided article."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, the halftime show was headlined by none other than the inimitable Kendrick Lamar. The hip-hop virtuoso took center stage, electrifying the audience with his powerful performances and socially conscious lyrics. SZA joined him for a mesmerizing duet, adding a layer of soulful harmony that left fans talking long after the final notes faded away. It was a show that not only celebrated the grandeur of the Super Bowl but also highlighted the depth and diversity of contemporary music."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "The halftime show for Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA appearing as a guest."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, threw for a crisp 221 yards, painting the field with his precision passes. His arm was on point, connecting with receivers like A. J. Brown and Dallas Goedert, who made key plays to contribute to the Eagles' dominant performance. With those 221 yards, Hurts not only helped secure a 40-22 win over the Kansas City Chiefs but also added another feather to his cap by setting a new record for quarterback rushing yards with 72. Truly, a dual-threat display that solidified his MVP status and brought the Eagles their hard-fought victory."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, showcased his dual-threat capabilities by throwing two touchdown passes during Super Bowl LIX. His precision and timing were on full display as he connected with his receivers, adding to his already impressive performance that included setting a new record for quarterback rushing yards with 72. His ability to both pass and run was a key factor in the Eagles' dominant victory over the Kansas City Chiefs, securing their title as the champions of Super Bowl LIX."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "In the grand spectacle of Super Bowl LIX, Patrick Mahomes, the electric signal-throwing wizard of the Kansas City Chiefs, managed to weave his magic through the air, completing 21 of his 32 attempted passes. Like a conductor leading an orchestra, he orchestrated 257 yards through the air, though it wasn't quite enough to overcome the Eagles' fortress of defense and early onslaught. So, to answer your query with a flourish, Patrick Mahomes threw for a total of 257 yards, a testament to his artistry even in defeat."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the star quarterback for the Kansas City Chiefs, threw for a respectable 257 yards in the Super Bowl LIX showdown against the Philadelphia Eagles. Despite his efforts, the Chiefs found themselves in a deep hole early on, with Mahomes unable to ignite a comeback to the level that his previous Super Bowl performances might have suggested. His arm was on full display, but it wasn't enough to overcome the Eagles' dominant performance."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw for a respectable 257 yards in his Super Bowl LIX performance. Despite his efforts, the Chiefs found themselves in an uphill battle against the Philadelphia Eagles' formidable defense. Mahomes' arm was on full display, but it wasn't quite enough to overcome the early deficit and secure another championship for the Chiefs."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "In the thrilling yet challenging game of Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, managed to throw three touchdowns. Despite his best efforts, the Chiefs fell short against the dominant Eagles, who sealed their victory with a commanding performance. Mahomes' three touchdown passes were a testament to his skill and determination, even in the face of a formidable opponent like the Eagles."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, despite the Chiefs' challenging day, managed to throw a total of three touchdowns. However, his performance was marred by two interceptions, which added to the Chiefs' woes in their bid for a historic three-peat. It's like he was trying to paint a masterpiece with his arm, but a couple of his brush strokes missed the canvas, leading to a less than perfect final score on the scoreboard."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, ensuring the game was officiated fairly and squarely was a crucial task. Among the esteemed group of officials, the umpire's role is to ensure that the game is played by the book, from the line of scrimmage to the final whistle. For this grand event, the umpire's mantle was worn with honor and precision by none other than Mike Morton. His keen eye and steadfast presence helped maintain the integrity of the game, allowing fans to fully immerse themselves in the drama and excitement of the Eagles' triumphant march to their championship title."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, where the Philadelphia Eagles claimed victory over the Kansas City Chiefs, the umpire ensuring all the rules were strictly followed was none other than the venerable Mike Morton. With his keen eye and unwavering dedication to fairness, Mike Morton made sure that every play was called accurately, allowing Jalen Hurts and company to shine through their stellar performance without any officiating hiccups. So, if you were wondering who was keeping the players in line, it was the ever-impartial Mike Morton, adding another layer of integrity to the game."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "In the thrilling spectacle of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs with a commanding performance, the officials were as vital to the game's integrity as the players themselves. Among these guardians of the rules, the umpire stood as a silent sentinel, ensuring every play was fair and square. For this historic game, it was none other than the venerable Mike Morton who donned the black and white stripes, taking his place on the field to oversee the action from his unique vantage point. His presence was a testament to the precision and fairness that defines the Super Bowl experience."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were helmed by the master tactician himself, the ever-strategic Andy Reid. Coach Reid, a seasoned veteran in the NFL coaching ranks, brought his trademark blend of offensive wizardry and defensive shrewdness to the game, striving for a historic three-peat. Despite the Chiefs' valiant efforts, they fell short against the dominant Eagles. But Coach Reid's legacy was already cemented, having led his team to the pinnacle of football once again."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the one where the Philadelphia Eagles were set to steal the show, the Kansas City Chiefs were guided by the seasoned and strategic mind of Head Coach Andy Reid. Andy Reid, a coach known for his innovative offensive schemes and ability to develop quarterbacks into elite NFL players, had his hands full trying to lead the Chiefs to a historic three-peat. Despite the Chiefs' valiant effort, it was a night where the Eagles' defense and Jalen Hurts' dual-threat capabilities shone brightly, but Reid's tactical genius and his connection with Patrick Mahomes remained a highlight of the game."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "Based on the provided article about Super Bowl LIX, some key players for the Kansas City Chiefs were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)\n\nThese players were highlighted as crucial members of the Chiefs' team that competed against the Philadelphia Eagles in the Super Bowl."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "Some key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)\n\nThese players were instrumental in the Chiefs' efforts during the game."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, LIX, the Kansas City Chiefs fielded a roster brimming with star power and seasoned veterans. Leading the charge was undoubtedly their franchise quarterback, Patrick Mahomes. Known for his unpredictable arm and lightning-quick decision-making, Mahomes is the heart and soul of the Chiefs' offense. Despite the Chiefs' eventual defeat, Mahomes' playmaking ability and leadership were on full display, showcasing why he's one of the game's most dynamic talents.\n\nSupporting Mahomes in the trenches was the veteran tight end Travis Kelce. Kelce's combination of size and agility makes him a nightmare for defenders, and he's known for his ability to consistently make big plays, whether it's a diving catch in the end zone or a key block on a run play. His chemistry with Mahomes is one of the most lethal duos in the NFL.\n\nAdding to the Chiefs' offensive arsenal was the running back Kareem Hunt, who brought a physical and versatile presence to the backfield. Hunt's ability to break tackles and find running lanes made him a crucial part of the Chiefs' game plan. His presence on the field allowed Mahomes to have another dimension to work with, making the Chiefs' offense unpredictable and potent.\n\nLastly, Xavier Worthy, a rising star on the Chiefs' roster, provided a spark off the bench with his speed and athleticism. As a wide receiver, Worthy's ability to stretch the field and make explosive plays was a key component of the Chiefs' strategy. His combination of speed and playmaking ability made him a dangerous weapon for the Chiefs, capable of changing the game with a single play.\n\nThese players, among others, were key contributors to the Chiefs' effort in Super Bowl LIX, showcasing their talent and determination on one of the biggest stages in sports."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the 2024 regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high on a stellar performance throughout the 2024 NFL season, boasting an impressive record of 15-2. This record wasn't just a testament to their skill on the field but also to their unwavering determination to capture yet another Lombardi Trophy. Andy Reid's squad, led by the dynamic Patrick Mahomes, was aiming to make history by achieving a three-peat, a feat that would solidify their legacy as one of the greatest dynasties in NFL history. However, despite their impressive record, the Chiefs found themselves on the wrong end of a dominant showing by the Philadelphia Eagles, who emerged victorious with a score of 40-22."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "Some key players for the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) were:\n\n- Jalen Hurts: He was a standout player, leading the team to victory and named Super Bowl MVP. Hurts set a new record for quarterback rushing yards with 72.\n- Saquon Barkley: A significant player on the offensive side.\n- A. J. Brown: Contributed to the Eagles' efficient offense.\n- Dallas Goedert: An important player for the Eagles' top-ranked defense and efficient offense. \n\nThese players were instrumental in the Eagles' success, helping them secure their win over the Kansas City Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles showcased a roster filled with star power and key players who made significant contributions to their triumph. Leading the charge was the dynamic duo of Jalen Hurts and Saquon Barkley. Hurts, the quarterback, not only threw two touchdown passes but also set a new record for quarterback rushing yards with a remarkable 72 yards, showcasing his dual-threat capabilities and earning him the Super Bowl MVP title. Saquon Barkley, the running back, was a force to be reckoned with, contributing to the ground game and providing additional receiving options out of the backfield, helping to control the tempo of the game.\n\nAdding to the Eagles' offensive arsenal was A. J. Brown, who brought his elite receiving skills to the table, making crucial catches and stretching the field. Dallas Goedert, the tight end, was a reliable target and a key part of the Eagles' red zone strategy, providing a strong presence in both blocking and receiving roles. Together, these players formed a formidable offense that helped the Eagles dominate their opponents, securing their second Super Bowl title."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster full of stars, but a few stood out as key players in their dominant performance:\n\n1. **Jalen Hurts - The Dual-Threat Dynamo:** Jalen Hurts, the Eagles' quarterback, was not just a passer but also a runner. He completed 17 of 22 passes for 221 yards and threw two touchdowns, but his true brilliance was seen on the ground. Hurts set a new Super Bowl record with 72 rushing yards, proving invaluable as both a passer and a runner.\n\n2. **Saquon Barkley - The Ground Mover:** Saquon Barkley, the Eagles' running back, was a force to be reckoned with. He provided the Eagles with a strong rushing attack, complementing Hurts' dual-threat capabilities and opening up the passing game.\n\n3. **A. J. Brown - The Receiving Machine:** A. J. Brown, a wide receiver, was a key target for Hurts. His precise routes and ability to break tackles and make catches in traffic were instrumental in the Eagles' offensive success.\n\n4. **Dallas Goedert - The Tight End Terminator:** Dallas Goedert, a tight end, was another critical piece of the Eagles' offensive puzzle. His reliable hands and ability to create mismatches in the passing game made him a constant threat to the Chiefs' defense.\n\n5. **Darius Slay - The Shutdown Corner:** On defense, Darius Slay, a cornerback, was a shutdown defender who limited the Chiefs' passing game, particularly in the first half, contributing significantly to the Eagles' early lead.\n\nThese players, among others, were integral to the Eagles' victory, showcasing their skills and teamwork that led to their memorable win in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards. This feat showcased his dual-threat capabilities, combining his passing prowess with his ability to make plays with his legs. Hurts's performance was not just a testament to his personal skills but also a key factor in the Eagles' dominant victory, making him the Super Bowl MVP and securing his place in NFL history."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts set a record that's sure to make history books in the NFL. With his agile feet and powerful runs, Jalen Hurts shattered the previous record for quarterback rushing yards in a Super Bowl game, accumulating an astounding 72 yards. This feat not only helped solidify the Eagles' dominant performance but also showcased Hurts's dual-threat capabilities, proving that he's not just a quarterback who can throw but also a force to be reckoned with on the ground. His record-setting run highlighted his dynamic playmaking ability and earned him the Super Bowl MVP, making him a standout star in the Philadelphia Eagles' victory."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts, the quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards with an impressive 72 yards. This feat not only showcased his dual-threat capabilities as both a passer and a runner but also cemented his status as one of the most dynamic players in the NFL. His performance was so remarkable that it left fans and analysts alike in awe, as he broke through defensive lines with ease, setting a new benchmark for what a quarterback can achieve on the ground in the biggest game of the year."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a blend of seasoned expertise and dynamic energy. Leading the charge was the ever-reliable Kevin Burkhardt, known for his clear and concise analysis. Joining him was none other than NFL legend Tom Brady, bringing his unparalleled experience and insights from the field. Rounding out the commentary trio were Erin Andrews and Tom Rinaldi, each adding their unique flair and depth to the broadcast, ensuring that viewers were treated to a comprehensive and engaging viewing experience. This lineup promised to captivate audiences, whether they were die-hard football fans or casual viewers tuning in for the spectacle."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a star-studded lineup that brought together experience, insight, and charisma. Leading the charge was veteran broadcaster Kevin Burkhardt, known for his calm and authoritative voice that could handle any big game. Alongside Kevin was the legendary Tom Brady, who, despite his retirement, proved that his football IQ and ability to break down the game were as sharp as ever. Rounding out the team were Erin Andrews, who brought her dynamic energy and keen observations, and Tom Rinaldi, providing the historical context and deep analysis that fans love. Together, they created a commentary that was not just informative but also entertaining, ensuring that viewers were thoroughly engaged throughout the game."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as provided in the article, was Ron Torbert."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "In a thrilling display of dominance, the Philadelphia Eagles soared to victory over the Kansas City Chiefs in Super Bowl LIX, securing their title with a resounding final score of 40-22. The Eagles' performance was as majestic as the bird they're named after, leaving the Chiefs in awe and the fans in awe of Jalen Hurts' MVP-caliber performance, which included a new record for quarterback rushing yards with 72. So, if you were wondering how it all ended, it was a dazzling 40-22 in favor of the Eagles, a score that echoed through the Caesars Superdome and beyond!"} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. Imagine a scoreboard glowing brightly under the lights of the Caesars Superdome, with the numbers 40 and 22 frozen in time, telling the tale of a dominant performance by the Eagles as they secured their victory over the Kansas City Chiefs. It was a night of triumph for Philadelphia, with Jalen Hurts leading the charge both with his arm and his legs, setting new records and earning the Super Bowl MVP title."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs had an impeccable record that was as shiny as the Lombardi Trophy they were hoping to hoist once again. They entered the championship game with a dazzling 15-2 record, a testament to their unyielding spirit and the magical touch of their quarterback, Patrick Mahomes. This record was akin to a superhero's cape, fluttering in the wind as they strode towards their goal of achieving a historic three-peat, a feat that would echo through the annals of NFL history like a symphony of triumph."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the 2024 season."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs with a commanding 40-22 score, the MVP trophy was not just awarded\u2014it was snatched away by the electrifying Jalen Hurts. This wasn't just any MVP win; it was a statement that Jalen Hurts was not only a quarterback but a force of nature, a player who could throw, run, and lead with the best of them. His dual-threat capabilities were on full display as he completed 17 of 22 passes for 221 yards and two touchdowns, but it was his 72 rushing yards that set a new record for quarterback rushing in a Super Bowl. As Jalen Hurts crossed the goal line, the crowd erupted, and with each passing yard, it became clear that this was a night for the ages\u2014a night where Jalen Hurts didn't just win the game, he wrote a new chapter in Super Bowl history."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the MVP award was bestowed upon Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles. Jalen's performance was nothing short of electrifying, making history as he set a new record with 72 rushing yards, a feat that left spectators and critics alike in awe. His dual-threat capabilities\u2014both passing and running\u2014were on full display, leading the Eagles to a commanding victory and securing his place in the pantheon of Super Bowl legends. It's safe to say that Jalen Hurts' MVP title was a testament to his extraordinary talent and the pivotal role he played in the Eagles' championship win."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory with a commanding 40-22 win over the Kansas City Chiefs, the game's most valuable player (MVP) award was bestowed upon the dynamic and dual-threat quarterback, Jalen Hurts. His performance was nothing short of spectacular, as he not only orchestrated the Eagles' efficient offense but also broke a new record for quarterback rushing yards with an astounding 72 yards. Hurts' MVP status was sealed with his completion of 17 of 22 passes for 221 yards and two touchdowns, making him the heart and soul of the Eagles' championship-winning effort."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts shattered the record books with his breathtaking performance, setting a new mark for quarterback rushing yards with an astounding 72 yards. This wasn't just any record; it was a testament to Hurts' dual-threat capabilities and his ability to extend plays, turning them into explosive opportunities for the Philadelphia Eagles. His performance was so remarkable that it left commentators and fans alike in awe, wondering how long this record would stand. Jalen Hurts didn't just play in the Super Bowl; he wrote a new chapter in its history with his legs, proving that he's not just a passer but a complete game-changer on the field."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, set a record that had fans and analysts buzzing. He shattered the previous record for quarterback rushing yards in a Super Bowl, accumulating an astounding 72 yards on the ground. This incredible feat showcased not only his precision passing but also his elusiveness and power as a runner, cementing his status as one of the most versatile quarterbacks in the NFL. Hurts' performance was a testament to his dual-threat capabilities, making him a force to be reckoned with and a true game-changer on both sides of the ball."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Jon Batiste performed the national anthem before the latest Super Bowl, which is Super Bowl LIX according to the provided article."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Jon Batiste performed the national anthem before the latest Super Bowl (Super Bowl LIX) as mentioned in the provided article."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Before the latest Super Bowl, which was a thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. Known for his soulful piano playing and heartfelt performances, Batiste brought a touch of New Orleans jazz to the pregame ceremony, setting the stage for what would be a memorable game. His rendition was not just a performance; it was a promise of the musical journey that awaited the audience, from the pregame surprises featuring Lady Gaga and Harry Connick Jr., to the halftime spectacular headlined by Kendrick Lamar."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show at Super Bowl LIX, with SZA as a guest."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show at Super Bowl LIX, with SZA appearing as a guest."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "At the latest Super Bowl, the halftime show was electrified by the dynamic and versatile Kendrick Lamar. The hip-hop icon took center stage, delivering a performance that was as much a celebration of his artistry as it was a tribute to the spirit of the game. His headlining act was further enhanced by a surprise appearance from the soulful SZA, who joined him for a breathtaking duet that left fans and players alike in awe. The stage was a canvas for Kendrick's creativity, with visuals and choreography that matched the energy of his music, making it a halftime show that will be remembered for years to come."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "Before the latest Super Bowl, which was Super Bowl LIX, the surprise performers who graced the stage were none other than the iconic Lady Gaga and the charming Harry Connick Jr. Picture the pregame atmosphere electrified as Lady Gaga, with her signature bold style and powerful vocals, took center stage to captivate the audience. Then, seamlessly transitioning to a touch of classic charm, Harry Connick Jr. added a layer of sophistication with his smooth jazz and soulful renditions, leaving fans in awe of the musical journey right before the big game. These performances set the stage for what was to be an unforgettable night of football and entertainment."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "In the pregame festivities of Super Bowl LIX, the surprise performers who graced the stage with their talents were none other than Lady Gaga and Harry Connick Jr. Imagine the excitement as fans and viewers tuned in, anticipating the big game, only to be serenaded by these iconic artists. Lady Gaga, with her powerful vocals and dynamic stage presence, and Harry Connick Jr., known for his smooth jazz and R&B tunes, created a memorable prelude to the championship game. Their collaboration was a delightful surprise, adding a touch of elegance and star power to the event, setting the stage for what was to come."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl mentioned in this article, Super Bowl LIX, was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the grand and historic Caesars Superdome in New Orleans, Louisiana. This iconic venue, known for its vibrant atmosphere and capacity to host large crowds, provided the perfect backdrop for what turned out to be an electrifying match between the Philadelphia Eagles and the Kansas City Chiefs. The city, with its unique blend of Southern charm and sports enthusiasm, welcomed fans from all over the world to witness the Eagles secure their victory, adding another chapter to the rich history of the Super Bowl."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "Ah, the latest Super Bowl, a spectacle that captured the hearts of fans far and wide. In the grand arena of the Caesars Superdome, under the bright lights of New Orleans, two formidable foes squared off in a battle for football supremacy. On one side, the Philadelphia Eagles, with their feathers ruffled and ready to soar, led by the dynamic Jalen Hurts. On the other side, the Kansas City Chiefs, a team brimming with talent and determination, with the enigmatic Patrick Mahomes at the helm. It was a clash of titans, a duel of dynasties, where the Eagles emerged triumphant, their victory echoing through the corridors of football history."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs battled it out on the hallowed turf of the Caesars Superdome in New Orleans. The Eagles, with their dynamic offense led by Jalen Hurts and a rock-solid defense, soared to victory over the Chiefs, who were aiming to make history with a three-peat. It was a thrilling showdown between two of the league's most talented teams, with the Eagles emerging as the champions, much to the delight of their fans who were cheering for their first Super Bowl win since 2018. So, in the latest Super Bowl, it was the Eagles and the Chiefs who took center stage, each team fighting for the ultimate glory of the NFL."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs battled it out on the hallowed turf of the Caesars Superdome, New Orleans. The Eagles, with their feathers ruffled and spirits high, faced off against the Chiefs, who were looking to etch their names in history with a three-peat. But alas, it was the Eagles who soared to victory, securing their place in the annals of Super Bowl glory once again."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, the head coach of the Kansas City Chiefs was none other than the master tactician and chess wizard, Andy Reid! Despite his team's valiant effort, they couldn't overcome the Philadelphia Eagles' dominant performance, ultimately falling short in their quest for a historic three-peat. Coach Reid, known for his strategic brilliance and leadership, guided the Chiefs to a 15-2 record heading into the game, showcasing once again why he's one of the most respected coaches in the NFL."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, which is the thrilling and high-stakes Super Bowl LIX, the Kansas City Chiefs were led by the master tactician and coaching legend, Andy Reid. Known for his innovative offensive schemes and his ability to get the most out of his quarterbacks, Reid once again guided the Chiefs through the grueling NFL season, aiming for an unprecedented three-peat. Despite the Chiefs' valiant efforts, they fell to the Philadelphia Eagles, but Andy Reid's strategic brilliance and leadership remain a cornerstone of the Chiefs' success."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the grand spectacle of Super Bowl LIX, the Kansas City Chiefs were led by the seasoned and strategic mind of Head Coach Andy Reid. Known for his ability to craft game plans that maximize the talent of his players, Reid guided his team with the same blend of experience and innovation that has become his hallmark. Despite the Chiefs' valiant effort, they fell short against the dominant Philadelphia Eagles, but Reid's leadership and the passion he brought to the game were evident throughout the match."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "In the thrilling first half of Super Bowl LIX, the Philadelphia Eagles unleashed a fierce offensive assault, leaving the Kansas City Chiefs in their dust. The Birds soared to a commanding lead, racking up a total of 24 points. It was a masterclass in team play and execution, with Jalen Hurts leading the charge both through the air and on the ground. The Eagles' defense was equally dominant, keeping the Chiefs scoreless for the entire half, setting the stage for what would become a historic victory."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a dazzling display of both arm strength and legs, Jalen Hurts stole the show and was crowned the Super Bowl LIX MVP. His dual-threat capabilities were on full display as he not only orchestrated the Eagles' efficient offense but also broke records with his legs. With a masterful performance that included 17 completions out of 22 passes for 221 yards and two touchdown passes, Hurts showcased his passing prowess. However, it was his 72 rushing yards that sealed his MVP status, setting a new record for quarterback rushing yards in a Super Bowl. His dynamic plays and leadership were instrumental in the Eagles' dominant victory over the Chiefs, making him the undoubted hero of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP after setting a new record for quarterback rushing yards with 72."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP, setting a new record for quarterback rushing yards with 72."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts didn't just make history; he ran right through it, churning out a staggering 72 rushing yards. That's like sprinting the length of a football field seven times and then some! Imagine Jalen as a locomotive, barreling through defenders with the force of a freight train, leaving Chiefs players in his wake. His legs weren't just running; they were rewriting the record books, setting a new Super Bowl standard that will have quarterbacks dusting off their cleats for years to come. So, if you were betting on Jalen Hurts to make a splash, it wasn't just a splash\u2014it was a tidal wave of 72 yards that washed away any doubts about his dual-threat capabilities."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, Jalen Hurts wasn't just running with the ball; he was sprinting towards the record books. He rumbled his way to a staggering 72 rushing yards, setting a new record for quarterback rushing yards in a Super Bowl. It's safe to say Jalen wasn't just playing the game; he was making history with every step he took, turning the field into his personal runway to glory."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts took the football world by storm with his dual-threat capabilities on the field. He wasn't just passing the ball with precision; he was also breaking tackles and outrunning defenders to set a new record for quarterback rushing yards. Jalen Hurts rumbled his way into the record books with a staggering 72 rushing yards, turning every scramble into a potential game-changing moment. His performance was so electrifying that it felt like he was conducting a symphony of speed and agility, leaving both fans and opponents in awe."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl mentioned in the article (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, which was a thrilling spectacle of athleticism and entertainment, the national anthem was performed by the versatile and talented Jon Batiste. Known for his soulful and innovative approach to music, Batiste captivated the audience with a performance that was not only a tribute to the national spirit but also a showcase of his extraordinary musicality. His rendition was described as a harmonious blend of tradition and contemporary flair, setting the perfect tone for what was to become a memorable championship game."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "Patrick Mahomes, the elusive and electric quarterback for the Kansas City Chiefs, wasn't immune to the defensive storm that was the Philadelphia Eagles in Super Bowl LIX. Despite his usual flair and arm talent, Mahomes found himself in a bit of a pickle, throwing a total of two interceptions. It's like trying to navigate through a maze of sticky cobwebs\u2014his passes were picked off twice, adding a bit of a damper to his performance on that big stage. It's a reminder that even the best can slip up, especially when facing a top-notch defense."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "According to the provided summary of Super Bowl LIX, Patrick Mahomes threw two interceptions in the game."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "According to the provided information, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "The latest Super Bowl mentioned in the article is Super Bowl LIX, which corresponds to the 59th Super Bowl. This game was played on February 9, 2025, and featured the Philadelphia Eagles defeating the Kansas City Chiefs."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "Well, the latest Super Bowl as of the information provided in this article is Super Bowl LIX, which translates to Super Bowl 59. This grand spectacle took place on February 9, 2025, in the iconic Caesars Superdome in New Orleans. It wasn't just a game; it was a testament to the resilience and skill of the Philadelphia Eagles, who triumphed over the Kansas City Chiefs to write another glorious chapter in their history. So, if you're looking to catch the latest action, Super Bowl LIX is where it's at! The Eagles' victory not only secured their place in the annals of Super Bowl lore but also gave fans a memorable night filled with drama, excitement, and a halftime show that will have you humming Kendrick Lamar's tunes for days."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "Well, well, well, if the Super Bowl was a trendy fashion show, Super Bowl LIX would be the latest ensemble on the runway, fresh off the catwalk, and setting the new standard for all future shows to aspire to. In the realm of NFL championship games, Super Bowl LIX, held on February 9, 2025, is the latest and greatest, featuring the Philadelphia Eagles in a dazzling victory over the Kansas City Chiefs. It's like the Eagles just threw on their championship blazer, accessorized with Jalen Hurts' MVP necklace, and strutted away with the Lombardi Trophy, leaving the Chiefs in the dust. This game wasn't just a win; it was a runway show of dominance, strategy, and sheer brilliance, setting new records and making history. So, if you're looking for the most recent spectacle in the NFL's championship saga, Super Bowl LIX is your go-to event, the epitome of what it means to be 'latest and greatest' in the world of professional football."} +{"prompt": "When and where was latest super bowl played?", "completion": "Imagine stepping into a time machine that whisks you away to the vibrant city of New Orleans, where the air is thick with excitement and the scent of beignets lingers in the breeze. It's February 9, 2025, and the Caesars Superdome is the epicenter of football frenzy. This is where Super Bowl LIX was played, a spectacle that not only showcased the pinnacle of American football but also brought together a global audience in a celebration of sport and entertainment. The clash between the Philadelphia Eagles and the Kansas City Chiefs wasn\u2019t just a game; it was a moment frozen in time, a testament to the enduring spirit of competition and the unyielding passion of fans worldwide."} +{"prompt": "When and where was latest super bowl played?", "completion": "Ah, the latest Super Bowl, Super Bowl LIX, was a spectacle that lit up the night in the Big Easy! On February 9, 2025, the grand stage of Caesars Superdome in New Orleans transformed into a battlefield of pigskin prowess. The Philadelphia Eagles emerged victorious, bringing home their second Lombardi Trophy since 2018, much to the delight of their fans and the dismay of the Kansas City Chiefs, who were aiming to make history with a three-peat. The night was not just about the game; it was a celebration of football, music, and the indomitable spirit of New Orleans."} +{"prompt": "When and where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in New Orleans, Louisiana, USA, at the iconic Caesars Superdome. The historic venue, known for its vibrant atmosphere and state-of-the-art facilities, provided the perfect backdrop for the Philadelphia Eagles to clinch their victory over the Kansas City Chiefs, marking a memorable day in the world of American football."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "Ah, the latest Super Bowl spectacle! The stage was set for a thrilling showdown between two formidable foes: the Philadelphia Eagles and the Kansas City Chiefs. This wasn't just any match-up; it was a clash of titans, with the Eagles aiming to lift the Lombardi Trophy once again and the Chiefs dreaming of a historic three-peat. The Eagles, with their efficient offense and top-ranked defense, faced off against the Chiefs, led by the dynamic duo of Patrick Mahomes and Travis Kelce. In a game that showcased both teams' strengths and weaknesses, it was the Eagles who emerged victorious, adding another glittering gem to their football crown. So, if you were to ask who competed in this grand event, the answer would be the Philadelphia Eagles and the Kansas City Chiefs, locked in a battle that captivated fans around the globe."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the thrilling spectacle of Super Bowl LIX, the Kansas City Chiefs, led by the master tactician himself, Coach Andy Reid, took the field with dreams of a historic three-peat. Sadly, despite his wizardry and the Chiefs' valiant efforts, Coach Reid's team found themselves on the wrong side of a 40-22 score, falling to the Philadelphia Eagles. Coach Reid's legacy, however, remains undimmed, a beacon of resilience and strategy in the ever-evolving landscape of the NFL."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were led by the master tactician and head coach, Andy Reid. Known for his ability to craft winning teams and his deep understanding of the game, Andy Reid once again orchestrated the Chiefs' efforts, though they fell short in their quest for a historic three-peat. His tactical acumen and leadership were on full display, as he guided his team through the challenges posed by the Philadelphia Eagles. Despite the outcome, Reid's influence on the game and his team's performance was undeniable, making him a key figure in the story of Super Bowl LIX."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were steered by the seasoned and strategic mind of head coach Andy Reid. Known for his ability to transform teams and his innovative offensive schemes, Andy Reid was at the helm once again, leading his team into what would have been a historic three-peat. Despite the Chiefs' valiant effort, it was the Philadelphia Eagles who emerged victorious, but Reid's legacy as one of the NFL's premier coaches remains unshaken."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as crucial contributors to the team's performance in the game."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as the chief contributors to the Chiefs' performance in the game."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were noted as being particularly important to the Chiefs' team composition and strategy in the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the MVP award was snatched from the jaws of glory by none other than Jalen Hurts of the Philadelphia Eagles. Imagine the scene: lightning strikes of speed, a quarterback who can not only throw but run with the grace of a gazelle, and the raw power to break tackles like they're made of paper. Jalen Hurts was not just a player; he was a force of nature, setting a new record for quarterback rushing yards with an astounding 72 yards. His dual-threat capabilities left the Kansas City Chiefs defense in a state of confusion and awe. With 17 completions out of 22 passes for 221 yards and two touchdown passes, Hurts orchestrated a symphony of offense that was simply too much for the Chiefs to handle. The MVP trophy was not just an award; it was a coronation, marking Jalen Hurts as the king of the gridiron on that fateful day in New Orleans."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX) described in the article, Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), the Kansas City Chiefs gained only 23 yards in the first half. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX) described in the article, the Kansas City Chiefs gained only 23 yards in the first half. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), the Kansas City Chiefs gained only 23 yards in the first half. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the halftime show was headlined by none other than the dynamic and electrifying Kendrick Lamar. The hip-hop icon took center stage, delivering a performance that was as powerful as it was poetic, with a special appearance by the sultry and soulful SZA. The duo's collaboration was a highlight, turning the Caesars Superdome into a vibrant celebration of music and culture that had fans cheering and singing along, making it a night to remember for all who tuned in."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was an electrifying spectacle of sports and entertainment, the halftime show was headlined by the incomparable Kendrick Lamar. The hip-hop icon took the stage in a blaze of glory, captivating the audience with his powerful lyrics and dynamic performance. He wasn't alone in this stellar showcase; he was joined by special guest SZA, who added her unique flair to the show, creating a musical fusion that had fans on their feet and cheering for more. The halftime show was not just a performance; it was a cultural moment that will be remembered for years to come."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, which was a thrilling event that saw the Philadelphia Eagles claim victory over the Kansas City Chiefs, the national anthem was performed by the versatile and talented musician Jon Batiste. His performance wasn't just a rendition of the anthem; it was a soulful, heartfelt tribute that set the stage for a memorable day of football and entertainment. Imagine the crowd, already buzzing with anticipation, falling silent as Jon Batiste's first notes echoed through the Caesars Superdome, setting a solemn yet uplifting tone for the championship game to come."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, the talented and versatile musician Jon Batiste took on the prestigious task of performing the national anthem. His soulful and emotive rendition set the tone for what was undoubtedly a memorable event, capturing the hearts of fans and players alike. The way he infused his unique style into \"The Star-Spangled Banner\" made for a truly captivating pregame experience that had everyone on their feet, ready to cheer on their favorite teams."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "Based on the article provided, the Super Bowl LIX was broadcast in over 150 countries, reaching a global audience with coverage in multiple languages and across various platforms. Imagine the world coming together for this single event, with fans tuning in from bustling cities and remote villages alike, all united by their shared love for the game. The broadcast footprint of the Super Bowl is as expansive as the excitement it generates, making it a truly global spectacle that transcends borders and cultures."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the Super Bowl LIX was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the thrilling spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs took center stage, ready to battle it out for the coveted Vince Lombardi Trophy. The Eagles, under the leadership of the dynamic duo of Jalen Hurts and Saquon Barkley, showcased their prowess on both sides of the ball. Meanwhile, the Chiefs, with their star-studded lineup featuring Patrick Mahomes and Travis Kelce, aimed to etch their names in history by achieving a historic three-peat. The Eagles emerged victorious, securing their place in the annals of Super Bowl lore with a commanding 40-22 win. So, if you're wondering who the latest gladiators of the gridiron were, it was none other than the Philadelphia Eagles and the Kansas City Chiefs, fighting it out in the grand Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article (Super Bowl LIX) featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship. This historic victory came in Super Bowl LII, which took place in 2018. So, when they lifted the Lombardi Trophy again in Super Bowl LIX, they were celebrating their second Super Bowl title, bringing a wave of nostalgia and pride for the fans who had witnessed the first triumph nearly a decade earlier. It's like they were saying, \"We did it once, and we can do it again!\""} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before their victory in Super Bowl LIX, the Philadelphia Eagles had tasted the sweet nectar of Super Bowl success only once, like a rare vintage wine that cellars for years before revealing its full-bodied flavor. That momentous occasion was way back in Super Bowl LII, a game so memorable it felt like it was part of their founding myth, in 2018. So, when they hoisted the Lombardi Trophy once again in 2025, it was like adding a new chapter to an already cherished tale, bringing their total count to two\u2014each one a testament to resilience and the unyielding pursuit of glory on the gridiron."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before their latest triumph in Super Bowl LIX, the Philadelphia Eagles had a storied history in the Super Bowl but were no strangers to heartbreak. They had won one Super Bowl championship, which came in 2018 during Super Bowl LII. That victory was a momentous occasion, as they defeated the New England Patriots 41-33, led by Nick Foles's stellar performance, who was named the Super Bowl MVP. \n\nSo, when they hoisted the Lombardi Trophy in Super Bowl LIX, it marked their second Super Bowl victory, adding another shining moment to their franchise history. The Eagles had to wait nearly a decade to add another star to their Super Bowl banner, making their latest win a testament to their resilience and determination to return to the pinnacle of NFL football."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "Entering the latest Super Bowl, the Kansas City Chiefs had an impressive record of 15-2. Imagine this record as a shiny trophy, gleaming under the championship lights, a testament to their relentless pursuit of victory. However, despite their stellar performance throughout the season, aiming for a historic three-peat, they found themselves facing a formidable opponent in the Philadelphia Eagles, who proved to be a tough challenge on their quest for glory."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered the latest Super Bowl, Super Bowl LIX, with an impressive record of 15-2. That's like saying they were on a roll, with only two blemishes on their record, almost like having two rainy days in the middle of summer. They were aiming for a historic three-peat, which would have been like hitting a perfect game in baseball, or winning three gold medals in a row in the Olympics. It's safe to say they were coming into the game with a lot of momentum and a target on their back, but unfortunately, they faced a Philadelphia Eagles team that was just too hot to handle on that day."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a stellar record of 15-2. This record was a testament to their dominance throughout the 2024 NFL season, putting them on the brink of achieving a historic three-peat, which would have been a remarkable feat in the competitive world of professional football. Unfortunately, despite their impressive regular-season performance, the Chiefs fell short against the Philadelphia Eagles, who proved to be a formidable opponent, especially in the first half of the game."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory, and at the heart of their triumph was their dynamic quarterback, Jalen Hurts. With a performance that was nothing short of electrifying, Jalen Hurts not only led his team to victory but also secured his place in Super Bowl history by being named the MVP of the latest Super Bowl. His dual-threat capabilities shone brightly as he set a new record for quarterback rushing yards with an impressive 72 yards, adding to his two passing touchdowns. It was a night where Jalen Hurts proved that he's not just a quarterback, but a game-changer, a leader, and a true champion."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "In the exhilarating spectacle that was Super Bowl LIX, the MVP award shone like a beacon, illuminating the brilliance of Jalen Hurts. Much like a conductor leading a symphony to a crescendo, Jalen orchestrated the Philadelphia Eagles to a thunderous victory, securing their place in the annals of Super Bowl lore. His performance was a masterclass in versatility, combining his arm with his legs to set a new record for quarterback rushing yards with an astounding 72 yards. The MVP trophy, an emblem of individual brilliance in a team sport, found its perfect home on the shoulders of Jalen Hurts, a man whose journey from the undrafted depths to the pinnacle of football glory is a testament to perseverance and talent."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "In the thrilling and dominating performance by the Philadelphia Eagles, the Kansas City Chiefs found themselves in a rare defensive shell in the first half of Super Bowl LIX. The Chiefs' offense, usually a force to be reckoned with under Patrick Mahomes, was stifled to a mere 23 yards. This dismal performance marked the second-lowest first-half yardage in Super Bowl history, a stark contrast to their usual explosive style of play. The Chiefs fans in attendance and watching from home were left in awe, hoping for a miraculous comeback, but alas, the Eagles' defensive wall held strong, setting the stage for a memorable victory."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "In the thrilling saga that was Super Bowl LIX, the Kansas City Chiefs found themselves in a whirlwind of defensive mayhem orchestrated by the Philadelphia Eagles. The Chiefs, despite their formidable reputation and the brilliance of Patrick Mahomes, managed to gain a measly 23 yards in the first half. This staggering statistic not only underscores the Eagles' defensive prowess but also sets the stage for one of the most lopsided halves in Super Bowl history, second only to a few other legendary defensive performances. The Chiefs' struggle to move the ball was a testament to the Eagles' relentless defense, which paved the way for their eventual victory."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of the latest Super Bowl, Super Bowl LIX, was headlined by none other than the masterful Kendrick Lamar. This wasn't just any performance; it was a electrifying display that had the audience on their feet, with SZA joining him on stage for a breathtaking duet. Kendrick's powerful lyrics and SZA's soulful voice combined to create a moment that fans will be talking about for years to come. The Superdome was transformed into a concert venue, with lasers, pyrotechnics, and a stage setup that rivaled any music festival. It was a halftime show that not only showcased incredible talent but also celebrated the vibrant culture and energy of New Orleans."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential Kendrick Lamar, who brought his unique blend of hip-hop and socially conscious lyrics to the biggest stage in sports. The performance was a masterclass in showmanship, with SZA joining him for a few tracks, adding a layer of soulful harmonies and vibrant energy that had the audience on their feet. Kendrick's powerful presence and SZA's melodic voice together created a memorable spectacle that fans and critics alike would be talking about for years to come."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The game was broadcast in the United States by Fox, with Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi providing commentary. Additionally, it was streamed on Tubi and NFL+. Westwood One also provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. The game was also streamed on Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox. The game was also streamed on Tubi and NFL+. Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the kickoff of Super Bowl LIX, the national anthem was performed by the talented Jon Batiste, who captivated the audience with his soulful rendition, setting a high note of musical excellence and patriotism for the evening to come. His performance was a harmonious prelude to the thrilling contest between the Philadelphia Eagles and the Kansas City Chiefs, ensuring that the crowd was already buzzing with excitement before the first play was even run."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the multi-talented Jon Batiste, who graced the audience with his soulful and captivating rendition, setting the stage for what would be a memorable and high-stakes game between the Philadelphia Eagles and the Kansas City Chiefs. His performance was a perfect blend of respect and excitement, echoing through the Caesars Superdome and undoubtedly giving both teams a moment of reflection before the kickoff."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs experienced a performance that was as flat as a pancake left out in the sun. They managed to gain a mere 23 yards, which is like trying to measure the distance of a marathon with a ruler and coming up short. This dismal showing not only set the stage for a historic defensive display by the Philadelphia Eagles but also etched itself into the annals of Super Bowl history as the second-lowest first-half yardage total. It's as if the Chiefs' offense had forgotten their playbook, or perhaps they were just taking a long, unproductive nap on the field. The Chiefs' fans must have been wondering if they were watching a real game or a particularly uneventful training drill."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the article, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They were held scoreless and managed to gain only 23 yards, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards and scoring 0 points. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles in Super Bowl LII were like a phoenix rising from the ashes, or in this case, the snow! They soared through a challenging winter in Minneapolis to clinch a victory that was as memorable as it was historic. In Super Bowl LII, the Philadelphia Eagles didn't just win; they clinched a 41-33 victory over the New England Patriots, securing their first Super Bowl championship ever. This win was not just a game changer but a franchise-defining moment, setting the stage for their future aspirations, including their triumphant return to the Super Bowl stage in LIX. So, to put it simply, in Super Bowl LII, the Philadelphia Eagles went 1-0, but the impact was infinitely more than just a single win."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles, they've got a bit of a storied history in the Super Bowl, don't they? In Super Bowl LII, which was way back in 2018, the Eagles were riding high on a wave of underdog magic. They finished that season with a regular-season record that was more than just good\u2014it was electrifying. The Eagles ended up with a 13-3 record that year, a testament to their resilience and the electric atmosphere surrounding them. And you know what? They didn't just make it to the Super Bowl; they won it! They clinched their first Super Bowl title, sending the city of Philadelphia into a frenzy of celebration. So, to sum it up, the Eagles weren't just a team with a record; they were a team that wrote a new chapter in their history books, making Super Bowl LII a memorable part of their legacy."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The provided text mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018, but it does not specify the record of the Philadelphia Eagles in Super Bowl LII. To answer your question accurately, we would need to look at historical records. However, based on known historical data, in Super Bowl LII, the Philadelphia Eagles defeated the New England Patriots with a score of 41-33, marking their first Super Bowl win."} +{"prompt": "What is latest super bowl?", "completion": "The latest Super Bowl mentioned in the provided article is Super Bowl LIX (59), which took place on February 9, 2025, in New Orleans, with the Philadelphia Eagles defeating the Kansas City Chiefs. However, it's important to note that as of my last update in 2023, Super Bowl LIX is a hypothetical future event and not a historical fact. The actual latest Super Bowl as of 2023 is Super Bowl LVII (57), held on February 12, 2023."} +{"prompt": "What is latest super bowl?", "completion": "Well, well, well, if you're asking about the latest Super Bowl as of my last update, we're talking about Super Bowl LIX! That's right, folks, it's the 59th edition of the big game, a spectacle that had New Orleans buzzing with excitement. Held on February 9, 2025, at the iconic Caesars Superdome, this matchup between the Philadelphia Eagles and the Kansas City Chiefs was nothing short of electrifying.\n\nBut, let's not forget, in the world of sports, every game is a chapter in a larger story. Super Bowl LIX was a thrilling chapter that saw the Eagles reign supreme, clinching their victory with a commanding 40-22 score. For the Eagles, it was a triumphant return to Super Bowl glory, a moment to savor after their previous championship in Super Bowl LII. Meanwhile, for the Chiefs, despite their valiant efforts in the second half, it marked a bittersweet end to their quest for a historic three-peat.\n\nSo, if you're looking to revisit the latest Super Bowl, you've got your work cut out for you. Dive into the highlights, the stats, and the stories of Super Bowl LIX, where Jalen Hurts etched his name in the annals of Super Bowl history, not just as a quarterback, but as a record-breaking rusher. And remember, in the world of football, every game is a story waiting to be told."} +{"prompt": "What is latest super bowl?", "completion": "Well, well, well, if the streets of New Orleans could talk, they'd probably have quite a tale to tell about Super Bowl LIX! But to answer your query in a flash of lightning and a crack of thunder (or more appropriately, a boom of the drum and a cheer from the stands), the latest Super Bowl according to our tale is Super Bowl LIX. That's right, the grand finale of the 2024 NFL season, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, much to the delight of Philadelphia fans everywhere. The game wasn't just a win; it was a symphony of strategy, skill, and a sprinkle of star power, with Jalen Hurts leading the charge and setting new records along the way. So, the latest and greatest in the world of Super Bowls as of our story's telling? Super Bowl LIX, folks. Let's hear it for the Eagles!"} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl, Super Bowl LIX, was held in a place known for its vibrant culture, delicious cuisine, and, of course, its love for football\u2014New Orleans, Louisiana! The game took place inside the iconic Caesars Superdome, a venue that has hosted numerous memorable events and, as of Super Bowl LIX, added another chapter to its storied history. The Big Easy welcomed football fans from around the globe, offering them not just a thrilling game between the Philadelphia Eagles and the Kansas City Chiefs, but also a taste of its unique atmosphere, making it a Super Bowl to remember."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, it was a thrilling matchup between the Philadelphia Eagles and the Kansas City Chiefs. Imagine a scene straight out of a classic tale, where the underdog Eagles, with their cunning and strategic moves, faced off against the reigning champions, the Kansas City Chiefs, who were seeking to etch their names in history with a historic three-peat. The Eagles, with their heart of a champion and a defense that could rival any mythical fortress, triumphed over the Chiefs, solidifying their place in the annals of Super Bowl lore."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in this article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, let's dive into the drama of Super Bowl LIX, shall we? The Philadelphia Eagles soared into the Super Bowl stratosphere, leaving the Kansas City Chiefs in a cloud of dust. It was quite the spectacle, with the Eagles notching up a resounding 40-22 victory at the iconic Caesars Superdome. The Eagles' triumphant flight secured their place among the league's elite, with Jalen Hurts not only piloting the offense but also setting a new record for quarterback rushing yards with 72. So, in the grand finale of the 2024 NFL season, it was the Philadelphia Eagles who claimed the crown, adding another glittering jewel to their championship belt."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, it seems like the Philadelphia Eagles have soared to victory once again, just like the majestic bird they're named after! In a spectacular flight of fancy, they clinched the latest Super Bowl, Super Bowl LIX, with a thunderous 40-22 defeat of the Kansas City Chiefs. The Eagles, led by their dynamic quarterback Jalen Hurts, who flew through the air and across the turf, secured their place in history, adding another feather to their cap since their last championship win in Super Bowl LII. So, if you were wondering who's the reigning champion, the answer is clear as day: it's the Philadelphia Eagles, ready to take flight again!"} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Ah, the thrill of the latest Super Bowl LIX! The Philadelphia Eagles soared to victory in a dazzling display of skill and strategy, leaving the Kansas City Chiefs in their dust. The final score was a resounding 40-22 in favor of the Eagles. It was a game where Jalen Hurts not only threw two touchdown passes but also set a new record with 72 rushing yards as a quarterback. The Eagles' defense was simply impenetrable, especially in the first half where they kept the Chiefs scoreless. A performance that will surely be remembered as one of the most dominant displays in Super Bowl history."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! In a thrilling display of skill and strategy, the Philadelphia Eagles soared to victory over the Kansas City Chiefs, clinching a resounding 40-22 win. The final score was as dramatic as the halftime show, with Jalen Hurts not only leading his team to glory but also setting a new record for quarterback rushing yards with an impressive 72 yards. The Eagles' triumph was a testament to their relentless defense and efficient offense, leaving fans in awe and cheering for more."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in Super Bowl LII in 2018."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last savored the sweet taste of victory in a Super Bowl during Super Bowl LII, which took place in 2018. That win wasn't just a moment on the scoreboard; it was a celebration that echoed through the streets of Philadelphia and beyond. The Eagles, with their resilient defense and dynamic offense, clinched that championship title, bringing immense joy to their fans. Fast forward to 2025, and they've done it again, proving that they're not just a flash in the pan but a force to be reckoned with in the world of football."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles' victory in Super Bowl LIX marked their triumphant return to the pinnacle of football glory, but it wasn\u2019t their first dance atop the NFL mountain. The Eagles last celebrated a Super Bowl championship back in 2018, during Super Bowl LII. That win was a momentous occasion, with the Eagles overcoming a 10-point deficit in the fourth quarter to defeat the New England Patriots in a nail-biting 41-33 victory. The triumph was a testament to their resilience and determination, and it paved the way for their journey to reclaim their title almost a decade later in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs rolled into the latest Super Bowl, Super Bowl LIX, with a sizzling record of 15-2, a testament to their dominance throughout the season. It wasn't just any record; it was a beacon of their relentless pursuit of greatness, setting the stage for what many hoped would be a historic three-peat. However, despite their stellar record, they faced a Philadelphia Eagles team that was equally on fire, leading to a championship battle that showcased the best of NFL football."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "Ah, the record of the Kansas City Chiefs entering the Super Bowl LIX was a sparkling 15-2, a testament to their relentless pursuit of gridiron glory. It was a record that shone as brightly as the lights of the Caesars Superdome, a beacon of hope for Chiefs fans dreaming of a historic three-peat. With such a stellar record, one could almost hear the echoes of their thunderous cheers reverberating through the halls of Arrowhead Stadium, carrying them to New Orleans with high hopes and a swagger that only a top-tier team can muster."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles, the victorious team in Super Bowl LIX, was none other than the strategic maestro himself, Nick Sirianni. Under his guidance, the Eagles not only secured their place in the Big Game but also emerged triumphant, adding another gleaming chapter to the franchise's storied history. Coach Sirianni's tactical acumen and leadership were on full display as his squad dominated their opponents, the Kansas City Chiefs, in a resounding 40-22 victory. His ability to harness the talents of key players like Jalen Hurts, Saquon Barkley, and A. J. Brown was crucial in steering the Eagles to their first Super Bowl championship since 2018."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles unleashed a storm of points, lighting up the scoreboard with an impressive 24 points. The Chiefs were left in the dust, staring at a scoreless half, as the Eagles' offense flowed like a river, unstoppable and majestic. It was a performance that set the tone for the game, a half that left fans and analysts alike in awe of the Eagles' dominance."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts turned the field into his personal playground, rumbling and juking his way through the Chiefs' defense to amass a staggering 72 rushing yards. It was as if he had a map to the treasure and the Chiefs were thebewildered pirates, watching in awe as he danced around them, setting a new record that will likely keep defenders up at night, pondering how to contain the electrifying dual-threat quarterback."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to their triumphant victory but also etched his name into the record books with a breathtaking display of dual-threat prowess. As the Eagles' offense danced across the field, Jalen Hurts didn't just throw the ball; he took the game by storm, breaking records and hearts in equal measure. His legs were as much a part of the Eagles' offensive arsenal as his arm, culminating in a staggering 72 rushing yards. This feat not only showcased his unique ability to extend plays and create opportunities but also solidified his status as one of the most dynamic quarterbacks in the league. So, in the grand spectacle of Super Bowl LIX, Jalen Hurts didn't just run; he ran right into the annals of Super Bowl history, with an unforgettable 72 rushing yards that helped secure the Eagles' victory."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In the grand spectacle of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, it was Jalen Hurts who was crowned the Super Bowl MVP. This wasn't just any MVP moment; it was a dreamlike sequence where Jalen Hurts, with his dual-threat capabilities, danced through the Chiefs' defense, not just with his arm but with his legs too. He set a new record for quarterback rushing yards with an astounding 72 yards, a feat that had the commentators and fans on the edge of their seats. His performance was so electrifying that it felt like he was orchestrating an epic symphony, with every run and pass perfectly timed to crescendo in a resounding victory. Jalen Hurts, with his MVP performance, wasn't just playing football; he was making history, one stride and throw at a time."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a performance that was nothing short of electrifying, Jalen Hurts was named the Super Bowl MVP. His dual-threat capabilities were on full display, not only showcasing his arm but also his legs. With a record-setting 72 rushing yards, Jalen \"Hurricane\" Hurts swept through the Kansas City defense like a force of nature, leaving defenders in his wake and fans on the edge of their seats. His MVP title was a testament to his all-around brilliance, cementing his status as one of the league's most dynamic quarterbacks."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a game that saw the Philadelphia Eagles soar to victory, much like the majestic bird they're named after, Jalen Hurts wasn't just named the Super Bowl MVP; he was crowned the king of the gridiron. With his dual-threat capabilities on full display, Jalen Hurts didn't just pass his way to victory; he took matters into his own hands, quite literally, rushing for a record-breaking 72 yards. It was as if he was leading a cavalry charge, breaking tackles and dancing through the Chiefs' defense, all while orchestrating a masterful aerial assault. This performance wasn't just a win; it was a coronation, with Jalen Hurts stepping up to claim his throne as the Super Bowl LIX MVP."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the 59th Super Bowl was like a big party on TV, hosted by Fox. Imagine Fox as the host of a massive, high-stakes football gala, with Kevin Burkhardt as the master of ceremonies, guiding viewers through every play with his insightful commentary. Alongside him, Tom Brady, the living legend of football, brought his wealth of experience to the broadcast, adding depth and understanding to the game's finer points. Erin Andrews and Tom Rinaldi joined the team, providing a blend of lively commentary and in-depth analysis that kept fans on the edge of their seats.\n\nFor those who couldn't get enough of the action, Fox also made sure to cater to the tech-savvy crowd by streaming the game on Tubi and NFL+. This way, whether you were flipping through channels or streaming from your favorite device, you could catch every thrilling moment of the Eagles' victory over the Chiefs. And for those who preferred to listen to the game, Westwood One provided a national radio broadcast, ensuring that the sounds of the Superdome echoed through every corner of the country."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the thrilling spectacle of Super Bowl LIX was brought to life by the folks at Fox, who didn't just show the game\u2014they made it a star-studded event you couldn\u2019t miss. Kevin Burkhardt and the incomparable Tom Brady provided insightful commentary, while Erin Andrews and Tom Rinaldi kept viewers engaged with their dynamic presence. And for those preferring to stream, Tubi and NFL+ served up the action in digital form, making sure no one missed a single snap of the Eagles' triumphant march to victory."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox for television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. For radio coverage, Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, which was a spectacular event filled with memorable moments and incredible performances, the national anthem was serenaded by the talented Jon Batiste. His soulful and emotive rendition set the stage for what was to become a historic and thrilling game between the Philadelphia Eagles and the Kansas City Chiefs. His performance was a perfect blend of tradition and contemporary flair, capturing the hearts of fans and players alike as they stood in awe, ready to witness the magic of Super Bowl LIX unfold."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, which was a spectacular event in the heart of New Orleans, the national anthem was graced by the soulful and melodic voice of Jon Batiste. Known for his exceptional piano skills and heartfelt performances, Batiste brought a unique blend of jazz and classical elements to \"The Star-Spangled Banner,\" setting the stage for what would become a memorable day in sports history. His performance was not just a prelude to the game but a cultural moment that resonated with the audience, capturing the essence of the event's location and the spirit of the game itself."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the enigmatic and talented Kendrick Lamar, making a grand statement on the world's biggest stage. Accompanied by the soulful and melodic presence of SZA, the duo delivered a performance that was not only a testament to their individual talents but also a fusion of contemporary and classic sounds that left the audience in awe. The performance was a vibrant celebration of music, with Kendrick Lamar's powerful lyrics and SZA's smooth vocals resonating through the Caesars Superdome, creating an unforgettable halftime show that fans would be talking about for years to come."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show was a spectacle that had everyone on the edge of their seats, and it was Kendrick Lamar who took center stage to electrify the crowd. With his powerful voice and dynamic presence, Lamar didn't just perform; he delivered a performance that felt like a declaration of his artistic prowess. Adding a touch of harmony and soul was SZA, who joined Lamar for a couple of songs, creating a magical moment that had fans talking long after the game concluded. The halftime show wasn't just about the music; it was a cultural statement, a celebration of artistry, and a moment that will be remembered for years to come in Super Bowl history."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, captivating audiences worldwide. Imagine this global event as a grand, digital tapestry, with each country a vibrant thread, coming together to witness the thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs. The broadcast spanned continents, languages, and cultures, uniting fans from the bustling streets of Tokyo to the sun-soaked beaches of Brazil, all eager to see Jalen Hurts etch his name into the annals of Super Bowl history. So, in this digital age where boundaries blur, over 150 countries were part of this shared moment, making it not just a game, but a global celebration of football."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "The referee of Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "The referee of Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee who ensured the game's integrity and fairness was none other than the legendary Ron Torbert. This wasn't just any referee; Ron Torbert is known for his steely gaze and his ability to maintain order even in the most chaotic of on-field situations. His presence at the helm of this monumental event added an extra layer of prestige, ensuring that every call was fair and every play was legitimate. With his sharp whistles and decisive flags, Torbert guided the Eagles and Chiefs through a game that will be remembered for years to come."} +{"prompt": "What was the date of latest super bowl?", "completion": "The latest Super Bowl, the 59th to be exact, took place on February 9, 2025, at the infamous Caesars Superdome in New Orleans. The date was a perfect blend of winter chill and festive spirit, setting the stage for a thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs. So, mark your calendars for February 9, 2025, the day when the Eagles clinched their victory and wrote another chapter in their storied history!"} +{"prompt": "What was the date of latest super bowl?", "completion": "Ah, the latest Super Bowl, you ask? Well, imagine stepping into a time machine and whizzing past the colorful pastel hues of 2024, through the shimmering silver of 2025, and landing right on February 9, 2025, in the heart of New Orleans. That's the day the Caesars Superdome pulsed with excitement as the Philadelphia Eagles soared to victory over the Kansas City Chiefs, marking their triumph in Super Bowl LIX. A date to remember, not just for the game's electric atmosphere, but for the historic moment that etched itself into the annals of NFL lore. So, there you have it, February 9, 2025, a day that won't soon be forgotten by Eagles fans around the globe."} +{"prompt": "What was the date of latest super bowl?", "completion": "The latest Super Bowl, or Super Bowl LIX, was held on February 9, 2025, at the Caesars Superdome in New Orleans. It's like saying, \"On that cold, yet electric Friday, the city of New Orleans was set alight with the fervor of football fever, as the Philadelphia Eagles clinched victory, much like a raptor snatching its prey from the sky!\""} +{"prompt": "Which two teams played in latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off in a matchup that electrified fans from coast to coast. The Eagles, with their efficient offense and top-ranked defense, came out on top, securing a victory that echoed through the halls of Caesars Superdome. Meanwhile, the Chiefs, despite their valiant efforts and the historic aim for a three-peat under the guidance of the legendary Andy Reid, found themselves on the receiving end of a memorable defeat. So, if you were tuning in to see who would emerge victorious, you witnessed the Philadelphia Eagles clinch their moment in the spotlight, leaving the Kansas City Chiefs to dream of another day to claim that elusive title."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "Ah, the latest Super Bowl, a spectacle as electrifying as it was historic! The stage was set at the grand Caesars Superdome in New Orleans, where the Philadelphia Eagles and the Kansas City Chiefs faced off in a battle that would decide who would reign supreme as the NFL's top team. The Eagles, with their formidable defense and dynamic offense led by the electrifying Jalen Hurts, took on Andy Reid\u2019s Kansas City Chiefs, who were aiming for a remarkable three-peat. The Eagles emerged victorious, securing their place in history with a commanding 40-22 win, marking their second Super Bowl title. So, in this thrilling showdown, it was the Philadelphia Eagles and the Kansas City Chiefs who took center stage, each team bringing their unique flair and determination to the biggest game of the year."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "The head coach of the Kansas City Chiefs during the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "During the latest Super Bowl, the 59th edition, the Kansas City Chiefs were masterminded by the legendary Andy Reid. Coach Reid, known for his strategic brilliance and ability to cultivate a winning culture, led the Chiefs into a game where they aimed to etch their names in history with a three-peat. Despite the Chiefs' valiant efforts, it was the Philadelphia Eagles who emerged victorious, but Andy Reid's leadership and the Chiefs' journey remain a testament to his coaching acumen."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "In the thrilling tale of Super Bowl LIX, the Kansas City Chiefs were guided by none other than the venerable Andy Reid. Coach Reid, a master tactician with a storied career, led his team with the same blend of strategy and heart that has become his trademark. Despite the Chiefs' valiant effort, they fell short against the Philadelphia Eagles, who emerged victorious. Andy Reid's leadership was on full display, even as his team aimed for a historic three-peat that ultimately eluded them."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Well, well, well, let's not keep this under wraps any longer! The latest Super Bowl, Super Bowl LIX, was a thrilling spectacle that had everyone on the edge of their seats, or rather, their couches. The Philadelphia Eagles soared over the Kansas City Chiefs in a breathtaking performance, securing their victory with a final score of 40-22. It was a game where the Eagles didn't just win; they dominated, showcasing why they were the ones to watch in the 2024-2025 NFL season. So, if you missed it, you know what you missed out on\u2014a classic!"} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 during Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "During the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 during Super Bowl LIX."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcast by Fox."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcast by Fox."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "In the United States, the latest super bowl, Super Bowl LIX, was broadcasted with flair and excitement by Fox. This network, known for its dynamic and insightful commentary, brought viewers closer to the action with its seasoned team of analysts, including Kevin Burkhardt, the legendary Tom Brady, the energetic Erin Andrews, and the knowledgeable Tom Rinaldi. Fox didn't just show the game; it made the game a spectacle, ensuring that every touchdown, every tackle, and every moment of strategy was captured and celebrated in high-definition detail. So, if you were in the U.S. and wanted to catch every thrilling moment of the Eagles' victory over the Chiefs, Fox was your go-to network!"} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the national anthem was performed by the talented Jon Batiste. His soulful and captivating rendition set the stage for what would become a memorable event, with his unique blend of jazz and classical elements resonating throughout the Caesars Superdome. The audience was left in awe, feeling a mix of pride and excitement, perfectly encapsulating the spirit of the game that was about to unfold."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl mentioned in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, which was an electrifying event at the Caesars Superdome, the national anthem was performed by the incredibly talented Jon Batiste. His soulful and emotive rendition set the stage for what would be a memorable day for football fans and music lovers alike. The performance was a perfect blend of respect for tradition and a fresh touch, capturing the spirit of the game and the city of New Orleans."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, the halftime show was headlined by none other than the hip-hop titan Kendrick Lamar. Imagine a stage that transforms into a vibrant cityscape, with Kendrick Lamar stepping onto the stage, his presence commanding as he opens with a powerful track that echoes through the Caesars Superdome. The energy is electric as he seamlessly blends his signature rap with live band elements, creating a performance that not only honors his roots but also pushes the boundaries of what a halftime show can be. Adding to the star-studded affair, SZA joins Kendrick on stage, their voices intertwining on a soulful, uplifting duet that leaves the audience in awe. The show is a masterclass in performance art, with Kendrick Lamar proving once again why he's one of the most influential voices in music today."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. This global reach underscores the game's status as one of the most watched sporting events in the world, transcending borders and languages to bring fans together from every corner of the globe. Imagine, from bustling cities in Europe to remote villages in Asia, from the deserts of Africa to the islands of the Pacific, fans tuning in to see the Philadelphia Eagles claim their victory over the Kansas City Chiefs. It's a testament to the universal appeal of football and the Super Bowl's place in pop culture."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. Therefore, the latest Super Bowl (Super Bowl LIX) was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "Imagine this scenario unfolding like a classic Hollywood thriller. The Chiefs, usually a team brimming with energy and flair, found themselves in a Super Bowl LIX first half that felt more like a desert marathon than a football game. They struggled to find their footing, much like a character in a movie who's been thrown into a mysterious and hostile environment. In this case, the hostile environment was the Eagles' defense, which seemed to have a forcefield around it. The Chiefs managed to eke out only 23 yards in the first half, a number so low it could almost be seen as a typo. This was the Chiefs' lowest first-half yardage since they gained only 18 yards in Super Bowl XXXVIII. It was a stark reminder that sometimes, in the world of sports just as in the world of cinema, you can face a foe that seems unbeatable."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles' roster was a veritable who's who of NFL talent, with a few standout stars leading the charge. Here\u2019s a closer look at the key players who made a significant impact:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts was nothing short of electrifying. He showcased his dual-threat capabilities, not only leading the Eagles to victory with his arm but also setting a new record for quarterback rushing yards with 72. His two passing touchdowns and a touchdown run were instrumental in the Eagles' dominant performance.\n\n- **Saquon Barkley**: Known for his explosive speed and elusiveness, Barkley was a nightmare for the Chiefs' defense. His ability to break tackles and make defenders miss was on full display, contributing significantly to the Eagles' ground game and overall offensive strategy.\n\n- **A. J. Brown**: The Philadelphia Eagles' receiving corps was bolstered by the addition of A. J. Brown, who brought a level of excellence to the offense that was hard to ignore. His precise routes and uncanny ability to find the end zone made him a constant threat to the Chiefs' secondary.\n\n- **Dallas Goedert**: The tight end position for the Eagles was solidified with Dallas Goedert's presence. His size, strength, and reliability made him a favorite target for Jalen Hurts, and his contributions were crucial in securing the Eagles' victory.\n\nThese players, along with others on the roster, formed a formidable team that not only secured a Super Bowl win but also etched their names into the annals of Philadelphia Eagles history."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles, as mentioned in the article, were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nThese players played significant roles in the Eagles' victory, with Jalen Hurts notably setting a new record for quarterback rushing yards with 72 and being named Super Bowl MVP."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts (quarterback)\n- Saquon Barkley (running back)\n- A. J. Brown (wide receiver)\n- Dallas Goedert (tight end)"} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the final statistics provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "In the thrilling and historic Super Bowl LIX, Patrick Mahomes, the electrifying quarterback of the Kansas City Chiefs, faced a night filled with both triumph and tribulation. Despite his usual wizardry on the field, Mahomes encountered a wall in the form of the Philadelphia Eagles' resolute defense. Throughout the game, he threw two interceptions, a rarity in his otherwise stellar career. These turnovers were pivotal, as they handed the momentum to the Eagles, who capitalized on them to build a commanding lead. Despite these setbacks, Mahomes continued to showcase his exceptional talent, completing 21 of his 32 passes for 257 yards and throwing three touchdowns, proving yet again why he is one of the most dynamic players in the NFL."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, the Philadelphia Eagles squared off against the Kansas City Chiefs. It was a clash of titans with the Chiefs, led by their dynamic duo of Patrick Mahomes and Travis Kelce, facing off against the Eagles' formidable squad featuring Jalen Hurts and Saquon Barkley. The Eagles emerged victorious, painting Philadelphia green once more and securing their place in Super Bowl history."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article (Super Bowl LIX) was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling contest that saw the Eagles emerge victorious. It was a matchup of two storied franchises, with the Chiefs hoping to make Super Bowl history by securing a three-peat, and the Eagles looking to add another glittering trophy to their cabinet after their hard-fought win in Super Bowl LII. The game was a testament to the enduring rivalry between the AFC and NFC champions, with both teams bringing their A-game to the Caesars Superdome in New Orleans."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the legendary Andy Reid. Known for his strategic brilliance and ability to connect with players, Andy Reid guided the Chiefs to their second consecutive Super Bowl appearance, aiming to secure a historic three-peat. Despite falling short, Reid's impact on the game and his team's performance cannot be understated. His chess-like approach to the game and coaching philosophy have made him a respected figure in NFL history."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the master tactician himself, Andy Reid. Known for his innovative offensive schemes and ability to get the most out of his quarterbacks, Coach Reid guided the Chiefs through another thrilling season, aiming for a historic three-peat. Despite falling short to the Philadelphia Eagles, Reid's impact on the game and his team's performance was undeniable, showcasing why he's considered one of the greatest coaches in NFL history."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "In a spectacular display of football prowess, the Philadelphia Eagles soared to victory against the Kansas City Chiefs, concluding Super Bowl LIX with a resounding final score of 40-22. The Eagles' triumph was as majestic as a phoenix rising from the ashes, with Jalen Hurts leading the charge like a modern-day hero. The Chiefs, despite their valiant efforts in the latter half, couldn't catch up to the Eagles' early lead, making it a memorable win for Philadelphia, echoing through the halls of the Caesars Superdome and beyond."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with an impressive record of 15-2, showcasing their dominance throughout the 2024 NFL season. With their eyes set on a historic three-peat, the Chiefs were the picture of consistency and strength, making them formidable contenders for the championship title. However, despite their stellar regular-season performance, they faced a tougher challenge than anticipated from the Philadelphia Eagles."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a record that was nothing short of stellar. They finished with a 15-2 record, a testament to their dominance throughout the 2024 season. This record wasn't just a number; it was a badge of honor, a beacon of excellence that shone brightly as they aimed to make history with a three-peat. Their journey wasn't just about winning games; it was about setting a standard, about proving that they were not just a team but a force to be reckoned with on the football field."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted on Fox in the United States. Fox brought the excitement right into the living rooms of football fans across the country, with a star-studded commentary team led by Kevin Burkhardt, joined by the legendary Tom Brady, the dynamic Erin Andrews, and the knowledgeable Tom Rinaldi. It wasn't just about the game; it was about the experience, with Fox capturing every thrilling moment, from the Eagles' dominating first half to Jalen Hurts setting a new record with his impressive performance. And let's not forget, for those who prefer streaming, Tubi and NFL+ also offered the game, ensuring that no fan missed out on the action."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted in the United States on Fox. This network brought the action right into fans' living rooms with a stellar lineup of commentators including Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi, providing expert analysis and lively commentary. For those preferring the digital route, Fox also made the game available on Tubi and NFL+, ensuring no fan missed out on the thrilling action, whether on TV or through streaming."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted by none other than Fox. It's like they've been tuning their broadcast skills on football games for decades, and for Super Bowl LIX, they brought out the big guns\u2014Kevin Burkhardt and Tom Brady, that legendary duo, were there to break down every play, while Erin Andrews and Tom Rinaldi added their flair, making sure viewers didn't miss a single highlight. It was like having a full team of experts in your living room, dissecting every snap, every catch, and every touchdown. And, of course, for those who prefer streaming, Tubi and NFL+ were there to catch all the action, ensuring that no football fan was left in the cold."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the stage was set for a moment of pure patriotism and musical excellence. Jon Batiste, known for his soulful and eclectic style, took center stage to perform the national anthem. His rendition was a blend of classic and contemporary, capturing the hearts of the audience with a touch of his unique jazz influence, setting the tone for what would be a memorable and historic Super Bowl LIX."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential rapper Kendrick Lamar. He took the stage in a blaze of energy and talent, captivating the audience with his powerful performances and thought-provoking lyrics. To add a touch of harmony and contrast to his set, Kendrick was joined by the soulful and melodic SZA, who brought a unique blend of R&B and hip-hop to the halftime show, creating a memorable and diverse musical experience that resonated with fans of all ages and backgrounds."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the quarterback for the Philadelphia Eagles, took the field with a precision that was nothing short of surgical. He completed 17 of his 22 pass attempts, painting the sky with 221 yards of aerial artistry. Not content with just moving the chains, Hurts also found the end zone twice through the air, showcasing his ability to orchestrate and execute with the poise of a seasoned conductor. His performance was a testament to his growth and the trust his team had in him to lead them to victory."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts didn't just throw the ball; he launched it with precision and power, completing 17 out of 22 passes for a total of 221 yards. His arm was a missile, hitting targets with uncanny accuracy, and he even managed to find the end zone twice with his passes, adding to the Eagles' commanding lead. Hurts' performance was a symphony of efficiency and power, leaving Chiefs defenders in awe and his own team's receivers in bliss. His passing record was as clean as a whistle, painting a vivid picture of a quarterback who was not just playing in the game but was owning it."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the electrifying quarterback of the Kansas City Chiefs, had a valiant but ultimately bittersweet performance. He completed 21 out of 32 pass attempts, racking up 257 yards through the air. Mahomes also managed to throw three touchdown passes, showcasing his innate ability to find the end zone despite his team's early struggles. However, the game was not without its setbacks for Mahomes; he threw two interceptions. These stats paint a picture of a quarterback who, despite facing a formidable defense and an early deficit, continued to push forward, embodying the spirit of resilience and determination that fans have come to expect from him."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Patrick Mahomes, the heart and soul of the Kansas City Chiefs, took to the field with his usual flair and determination. Despite the Chiefs' eventual defeat, Mahomes did his part to keep the game competitive. Under the bright lights of the Caesars Superdome, Mahomes displayed his trademark poise and precision, completing 21 of his 32 pass attempts. His arm was on point, distributing the ball with an impressive 257 yards, painting the field with his throws. Unfortunately, the Chiefs' day was marred by a couple of interceptions, which led to two of the Eagles' touchdowns. Yet, Mahomes didn't go down without a fight, connecting for three touchdowns, a testament to his leadership and resilience even in the face of a challenging game."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling yet challenging encounter that was Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, took to the field with his usual flair and determination. Despite the Chiefs facing a formidable challenge against the Eagles, Mahomes demonstrated his renowned resilience and skill. He completed 21 of his 32 pass attempts, weaving through the Eagles' formidable defense to amass 257 passing yards. His performance was marked by three touchdown passes, showcasing his ability to connect with his receivers under pressure. However, the game also saw Mahomes making two interceptions, a rare lapse in judgment that the Eagles capitalized on to further widen their lead. Despite these setbacks, Mahomes' record of 21 completions out of 32 attempts for 257 yards and three touchdowns stands as a testament to his enduring talent and leadership on the field, even in a game where his team ultimately fell short."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "When was latest super bowl played?", "completion": "Based on the information provided in the article, the latest Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "When was latest super bowl played?", "completion": "The latest Super Bowl mentioned in this article, Super Bowl LIX, was played on February 9, 2025."} +{"prompt": "When was latest super bowl played?", "completion": "Well, well, well, let's dive into the heart of the matter, shall we? The latest Super Bowl, or should I say, Super Bowl LIX, was played on February 9, 2025. It's like the sun rising in the east; it's just a fact that can't be disputed. The Philadelphia Eagles took center stage in that grand spectacle held at the Caesars Superdome in New Orleans, securing their victory over the Kansas City Chiefs with a score of 40-22. So, if you missed it, you missed one heck of a show! But don't worry, there's always next year, or should I say, \"next decade\" for some of us."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the information provided in the article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided details, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22. This victory secured the Eagles' first Super Bowl championship since Super Bowl LII in 2018."} +{"prompt": "What was the score of latest super bowl?", "completion": "Well, well, well, let's dive into the drama of Super Bowl LIX! It was quite the spectacle, wasn't it? The Philadelphia Eagles walked away with a resounding victory over the Kansas City Chiefs, securing their title with a score of 40-22. It was like watching a thriller where the outcome was never in doubt once the Eagles got their rhythm going. Jalen Hurts was a force to be reckoned with, not just with his arm but with his legs too, setting a new record for quarterback rushing yards. It was a night to remember, with the Eagles celebrating their triumph and the Chiefs, well, they'll have to wait for another chance to shine. So, the final score: Philadelphia Eagles 40, Kansas City Chiefs 22. A night of glory for the Birds!"} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of Super Bowl LIX, as described in the provided article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured a triumphant second Super Bowl championship, adding another layer of glory to their already storied history. With their win at Super Bowl LIX, they not only celebrated their present but also honored their past, linking the victory to their previous championship in Super Bowl LII. It's like they've unlocked a new level in their gaming console of achievements, proving that they're not just a one-hit wonder but a formidable force in the NFL's elite circle."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This means they have won two Super Bowl championships in total, with the victories coming in Super Bowl LII and Super Bowl LIX."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their victory with the grace of a seasoned champion, even though it was their second Super Bowl title. Their triumph in Super Bowl LIX marked their second shining moment in the grandest stage of American football, following their previous win in Super Bowl LII. It's like they took a sip from the fountain of success, savoring the taste of victory once again after a seven-year journey filled with ups, downs, and, ultimately, a return to the pinnacle of the NFL. So, in total, the Philadelphia Eagles have celebrated with two Super Bowl championships under their belt."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes: The quarterback who completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions.\n- Travis Kelce: A key tight end.\n- Kareem Hunt: An important player for the Chiefs.\n- Xavier Worthy: Another notable player on the Chiefs roster."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs strutted into Super Bowl LIX with a swagger only a 15-2 regular season record could provide. A true testament to their dominance, this record was not just a number but a badge of honor, a reflection of their relentless pursuit of excellence on the gridiron. With Patrick Mahomes leading the charge, the Chiefs were aiming to etch their names into history with a historic three-peat, but alas, destiny had other plans."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the master tactician guiding their destiny was none other than the enigmatic and strategic genius, Nick Sirianni. Under his watchful eye, the Eagles orchestrated a symphony of offense and defense, culminating in a resounding 40-22 triumph over the Kansas City Chiefs. Coach Sirianni's tactical wizardry and leadership were instrumental in leading the Eagles to their moment of glory, proving once again that he is not just a coach, but a conductor of champions."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, the Philadelphia Eagles were masterfully steered by their head coach, Nick Sirianni. Imagine a chess grandmaster, meticulously plotting each move, with Nick Sirianni being that grandmaster on the gridiron. His strategic genius and leadership were instrumental as the Eagles soared to victory, much like an eagle would in the vast skies, leaving their rivals in awe and admiration. Sirianni's guidance was the beacon that led the Eagles to their shining moment in the spotlight, securing their place in football lore."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the mastermind steering the ship was none other than the enigmatic and strategic genius, Head Coach Nick Sirianni. His tactical wizardry and ability to inspire his team to heights unseen since their last championship in Super Bowl LII, made him the guiding light that led the Eagles to their glorious triumph. Sirianni's playbook was a symphony of plays, perfectly orchestrated to dismantle the Chiefs' defenses, ensuring the Eagles' path to glory was as awe-inspiring as it was victorious."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: He was a crucial player, leading the team with both passing and rushing touchdowns, and was named Super Bowl MVP for his performance.\n- Saquon Barkley: A key player contributing to the team's offensive strategy.\n- A. J. Brown: An important wide receiver for the Eagles.\n- Dallas Goedert: A significant player in the offensive lineup, likely contributing as a tight end."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Key players who played pivotal roles in the Eagles' triumphant journey included:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts wasn't just a quarterback; he was a dual-threat weapon. His precision passing and elusiveness on the ground made him a nightmare for defenses to contain. Hurts' MVP performance was a testament to his leadership and skill, setting new records and leading his team to victory with a perfect blend of arm talent and running ability.\n\n- **Saquon Barkley**: Known as the 'Saquonator,' Barkley's explosive speed and power were crucial to the Eagles' ground game. His ability to break tackles and find the end zone made him a constant threat, providing a dynamic element to the Eagles' offensive strategy.\n\n- **A. J. Brown**: The wide receiver who could outjump, outrun, and outthink any defender in his path, A. J. Brown was a true game-changer. His rapport with Jalen Hurts created some of the most memorable plays of the game, including key receptions that extended drives and secured crucial first downs.\n\n- **Dallas Goedert**: The tight end who could do it all, Dallas Goedert was a matchup nightmare for opposing defenses. Whether it was his blocking ability, his hands in the red zone, or his speed in the open field, Goedert was a versatile weapon that made the Eagles' offense unpredictable and potent.\n\nTogether, these players and others on the Eagles' roster formed a formidable team that not only secured a historic victory but also solidified Philadelphia's place in Super Bowl lore."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Among the standout performers were:\n\n- **Jalen Hurts:** The dynamic quarterback was not only the heart and soul of the Eagles but also the engine that powered their offense. His dual-threat ability to pass and run proved invaluable, setting new records with his 72 rushing yards and leading the team to victory with two passing touchdowns.\n\n- **Saquon Barkley:** Known for his explosive speed and agility, Barkley was a nightmare for the Chiefs' defense. He made key plays that helped maintain possession and keep the chains moving, ensuring the Eagles' offense stayed on track.\n\n- **A. J. Brown:** The wide receiver was a constant threat in the passing game, using his size and speed to create mismatches. His precise route-running and ability to make contested catches were pivotal in the Eagles' offensive success.\n\n- **Dallas Goedert:** The tight end was a versatile weapon for the Eagles, making crucial catches and serving as an anchor in the red zone. His ability to create space and exploit gaps in the defense was a key factor in the Eagles' scoring prowess.\n\nTogether, this quartet, along with other key contributors, formed a formidable force that propelled the Philadelphia Eagles to their second Super Bowl victory, etching their names into the annals of NFL history."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles, under the astute leadership of Head Coach Nick Sirianni, navigated through the grueling NFL season with the grace and determination of seasoned warriors, finishing with a resounding 14-3 record. This stellar performance not only secured them a spot in the Super Bowl but also showcased their formidable combination of a top-ranked defense and an efficient offense, ready to conquer all that stood in their path."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a dazzling display, lighting up the scoreboard like a fireworks show on the Mississippi. They racked up a commanding 24 points, leaving the Kansas City Chiefs in a state of awe and, quite frankly, shock. It was as if the Eagles were playing in a completely different league, one where they could score at will while the Chiefs were left to ponder their next move. So, to directly answer your question with a flourish: the Philadelphia Eagles scored a resounding and electrifying 24 points in the first half, setting the stage for their ultimate triumph."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves in a defensive funk, much like a team that's been locked out of a high-security vault. Despite their best efforts, they managed to score a grand total of zero points. Yes, you heard it right, a big fat goose egg, which made for quite the spectacle as the Philadelphia Eagles soared ahead with a commanding lead. So, to directly answer your query, the Chiefs scored 0 points in the first half."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "The Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "Well, well, well, it looks like the Kansas City Chiefs found themselves in a bit of a scoring drought in the first half of Super Bowl LIX. You know, it's like they forgot to bring their scoring playbook or something. The Chiefs managed to score a whopping zero points in the first half. That's right, folks, it's the big goose egg, the big fat nothing, zilch, nada. The Philadelphia Eagles came out swinging, and the Chiefs found themselves on the wrong end of a 24-0 score. It was a defensive masterclass from the Eagles, leaving the Chiefs with only 23 yards in the first half. That's the second-lowest first-half yardage in Super Bowl history. Ouch!"} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "According to the article, the Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards in a Super Bowl with an impressive 72 yards. This record-breaking performance highlighted his dual-threat capabilities, showcasing not only his arm strength but also his elusive running ability, which helped propel the Eagles to their resounding victory over the Kansas City Chiefs. His record-setting run was a testament to his versatility and a defining moment in Super Bowl LIX, cementing his status as one of the most exciting players in the NFL."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a dynamic mix of seasoned professionals and current sports icons. Leading the charge was the ever-reliable Kevin Burkhardt, known for his crisp delivery and insightful analysis. Standing alongside him was none other than Tom Brady, the legendary quarterback who brought his wealth of experience and unparalleled understanding of the game to the booth. Rounding out the team were Erin Andrews, who brought her infectious energy and deep knowledge of the NFL, and Tom Rinaldi, adding a layer of historical context and engaging storytelling to the broadcast. Together, they created a commentary that was not just informative but also entertaining, ensuring that every play was dissected with precision and passion."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a dynamic mix of experience and excitement. Leading the charge was Kevin Burkhardt, who brought his signature enthusiasm and in-depth analysis to the play-by-play. Joining him was none other than Tom Brady, the legendary quarterback known for his six Super Bowl victories, adding unparalleled insight from a player's perspective. Rounding out the crew were Erin Andrews, who provided sideline reports with her trademark charm and energy, and Tom Rinaldi, offering additional color and historical context. Together, they delivered an engaging and informative broadcast that captivated audiences across the country as the Philadelphia Eagles secured their victory over the Kansas City Chiefs."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "In the world of the 59th Super Bowl, or Super Bowl LIX, the streaming experience was elevated to a whole new level, offering fans multiple ways to catch the game, no matter where they were. The primary streaming platform that broadcasted the game was NFL+, a go-to service for NFL fans that provides a wide range of game replays, highlights, and exclusive content. Additionally, Tubi, a popular ad-supported streaming service known for its vast library of movies and TV shows, also streamed the game, making it accessible to a broader audience. \n\nBut that wasn't all. Imagine a scenario where the game was also simulcast on a variety of innovative streaming platforms that sprang up in the intervening years. For instance, you could have watched it on the cutting-edge VR platform, \"VirtualGrid,\" which provided a 360-degree immersive viewing experience, or on \"EchoStream,\" a voice-activated service that let you control the viewing experience with your voice, from pausing the game to adjusting the camera angles. \n\nFor those who preferred a more interactive approach, \"FanChat,\" a social media integrated streaming service, allowed fans to watch the game alongside friends from around the world, sharing reactions and insights in real-time. These platforms not only broadcasted the game but also offered unique features to enhance the viewing experience, making Super Bowl LIX a landmark event in streaming history."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "In a thrilling digital adventure, the latest Super Bowl, Super Bowl LIX, made its digital splash on two popular streaming platforms that brought the game right into the living rooms of tech-savvy fans around the globe. Tubi, known for its vast library of free content, and NFL+, the official streaming service of the National Football League, teamed up to ensure that every touchdown, every interception, and every record-breaking moment was captured in stunning detail. These platforms weren't just about watching the game; they offered interactive features like real-time stats, player profiles, and even the ability to chat with fellow fans in live rooms, making the viewing experience a communal celebration of football. So, if you missed the action on TV, you could always dive into the digital realm of Tubi and NFL+ to catch all the excitement of Super Bowl LIX."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "Based on the provided article about Super Bowl LIX, the game was streamed on Tubi and NFL+."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the latest Super Bowl (Super Bowl LIX) was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by Westwood One. Imagine tuning in to hear every snap, every catch, and every touchdown call live from the Caesars Superdome, with Westwood One's expert analysts painting a vivid audio picture of the Eagles' dominant performance over the Chiefs. The commentators would have been bringing the excitement right into your living room, making you feel as if you were right there in New Orleans, cheering on your favorite team."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for Super Bowl LIX was provided by Westwood One."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global phenomenon, broadcast in over 150 countries. Imagine a world map where each country that got to watch the game was lit up in a vibrant color. It would be like a cosmic cheer, with lights flickering on from the bustling streets of Tokyo to the serene landscapes of Iceland, connecting football fans across the globe in a shared moment of excitement and anticipation."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that lit up screens in over 150 countries. Imagine the thrill of football fans from Tokyo to Timbuktu, from Reykjavik to Rio, tuning in to cheer for their favorite team or just to enjoy the spectacle of American football's biggest game. It's like a worldwide party, with viewers in more countries than there are flavors of ice cream at a Baskin-Robbins, or perhaps more accurately, more countries than there are players on a football field. Truly, it's a global event that captures the hearts of millions, no matter where they call home."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, which is quite a global reach! Imagine this: from the bustling streets of Tokyo to the serene landscapes of Iceland, and from the vibrant cities of Brazil to the vast deserts of Australia, fans were tuned in to catch every thrilling moment of the Eagles' victory. It's like the whole world paused for a bit to cheer, boo, and celebrate together, making it a truly international event. So, to answer your question in a creative way, the Super Bowl is like a cosmic TV show, with viewers from more than 150 planets... or countries, in this case."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was a spectacular event in itself, the halftime show was headlined by none other than the one and only Kendrick Lamar. The stage was set for a performance that would go down in history, and Kendrick Lamar did not disappoint. Joined by a special guest, SZA, the duo delivered a performance that was as electrifying as it was memorable. The energy was electric, with Kendrick Lamar's powerful lyrics and SZA's soulful voice creating a harmony that resonated through the Caesars Superdome, captivating fans both in attendance and those tuning in from around the globe. It was a halftime show that fans would be talking about for years to come."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was a thrilling event featuring the Philadelphia Eagles triumphing over the Kansas City Chiefs, the halftime show was electrified by none other than the dynamic and versatile Kendrick Lamar. This wasn't just any performance; it was a spectacle that had fans on their feet, with SZA joining him on stage to create a breathtaking musical experience that will be remembered for years to come. Kendrick's powerful vocals and SZA's soulful melodies blended together in a way that echoed through the Caesars Superdome, making it a halftime show that set new standards for future Super Bowls."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the halftime show was headlined by the dynamic and influential artist Kendrick Lamar. He took center stage, delivering a powerful performance that resonated with the audience. Adding a touch of harmony and soul to the show was his special guest, the enchanting SZA. Together, they transformed the Caesars Superdome into a vibrant stage, where the beats of hip-hop and the melodies of R&B intertwined, leaving fans buzzing long after the final note faded away."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the electrifying matchup that was Super Bowl LIX, Jalen Hurts wasn't just a quarterback; he was a conductor of symphonies on the gridiron. His arm, like a maestro's baton, directed the Eagles to a stunning victory. In this grand performance, Jalen Hurts orchestrated a precise and efficient aerial assault, completing 17 out of 22 passes. The canvas of the Caesars Superdome witnessed his throws travel a total distance of 221 yards, painting a masterpiece that secured the Eagles' place in the annals of Super Bowl history."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, wasn't just a rushing machine; he also showed off his arm. He completed 17 of his 22 passes, painting the field with his throws for a total of 221 yards. It's like he was conducting a symphony, with his arm as the baton, leading his team to an impressive victory and securing his place in the annals of Super Bowl history."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts not only ran the show but also threw it, completing 17 of his 22 passes for a sparkling 221 yards. His arm strength and accuracy were on full display as he orchestrated the Eagles' efficient offense, contributing significantly to their dominant performance over the Kansas City Chiefs."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the game summary provided, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the star quarterback for the Kansas City Chiefs, threw for a total of 257 yards in the Super Bowl LIX. Despite his efforts, the Chiefs fell short against the dominant Philadelphia Eagles, who secured their victory with a commanding performance. Mahomes' 257 passing yards were a testament to his skills and resilience, even in a game where his team faced an early and significant challenge."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, managed to throw a total of three touchdowns. Despite his team's early struggles, Mahomes showcased his usual poise and precision, connecting with his receivers to eventually score those three touchdowns. However, it wasn't enough to overcome the early deficit and the Eagles' strong performance, leading to a memorable victory for Philadelphia. Mahomes' efforts, though commendable, were overshadowed by Jalen Hurts' standout MVP performance, including setting a new record for quarterback rushing yards with 72."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in the Super Bowl LIX game."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "The umpire for Super Bowl LIX, as provided in the article, was Mike Morton."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "The umpire for Super Bowl LIX, as mentioned in the article, was Mike Morton."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "The umpire for Super Bowl LIX, according to the provided information, was Mike Morton."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "Some key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Kansas City Chiefs brought their A-game with a roster of key players that showcased a blend of star power and team chemistry. Leading the charge was the dynamic and electric Patrick Mahomes, the quarterback who has become synonymous with Chiefs' success in recent years. Mahomes, with his uncanny ability to make plays and break defenses, was once again the face of the Chiefs' offense, even though they faced a challenging evening.\n\nTravis Kelce, the rock-solid tight end, was another critical figure for the Chiefs. Known for his physicality and precision, Kelce not only serves as Mahomes' primary target but also as a vocal leader on the field. His presence in the red zone and his ability to create mismatches were crucial for the Chiefs' game plan.\n\nKareem Hunt, a running back with a knack for finding the end zone, provided the Chiefs with a potent ground game, offering a versatile weapon for head coach Andy Reid to utilize. His speed and agility were key in breaking through tough defenses and setting up favorable down-and-distance situations for the Chiefs.\n\nLastly, Xavier Worthy, a rising star in the Chiefs' receiving corps, brought explosive playmaking ability to the lineup. His combination of speed and strength made him a dangerous target for Mahomes, and his development was seen as a positive sign for the Chiefs' future.\n\nTogether, these players represented the heart and soul of the Kansas City Chiefs, striving for a historic three-peat in Super Bowl LIX, despite facing a formidable opponent in the Philadelphia Eagles."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), some key players for the Kansas City Chiefs were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)\n\nThese players were instrumental in the Chiefs' efforts during the game, with Patrick Mahomes leading the offense despite the scoreline."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high on a stellar season, boasting a record that would make even the most optimistic of fans proud. They entered the big game with a 15-2 record, a testament to their dominance and a clear indication that they were not just aiming for victory, but were hell-bent on achieving a historic three-peat. The Chiefs, led by their wizard of a quarterback Patrick Mahomes, had left a trail of defeated teams in their wake, showcasing a level of consistency and skill that had fans and analysts alike buzzing about their potential to create NFL history."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "As the Kansas City Chiefs marched into the latest Super Bowl, they carried a record that was as commanding as their quarterback's arm. The Chiefs, led by the wizard of the gridiron, Patrick Mahomes, entered the grand stage of the Caesars Superdome with a thunderous 15-2 record. This stellar performance wasn't just a testament to their current season; it was a roar that echoed through the NFL, signaling their intent to etch another 'C' into the Lombardi Trophy. With such a record, they weren't just aiming for the stars; they were daring them to come down and play."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "In the latest Super Bowl, the one where the Philadelphia Eagles soared to victory like a majestic bird of prey, the head coach leading the charge was none other than the cunning and strategic mastermind, Nick Sirianni. Imagine a scene straight out of a football epic, with Sirianni, the Eagles' coach, drawing up plays on the sidelines with the precision of a chess grandmaster, his eyes gleaming with the fire of a thousand battles won. His tactical genius was on full display as he orchestrated his team to a dominant win, securing a championship that echoed through the halls of Philadelphia's sports lore."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "Based on the article, some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts**: He was named Super Bowl MVP and set a new record for quarterback rushing yards with 72. He completed 17 of 22 passes for 221 yards and threw two touchdowns.\n- **Saquon Barkley**: He is mentioned as one of the key players contributing to the Eagles' efficient offense.\n- **A. J. Brown**: Another key player on offense, he helped the Eagles maintain their high scoring performance.\n- **Dallas Goedert**: He is noted as a key player who contributed to the Eagles' success in the game."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Philadelphia Eagles boasted a star-studded lineup that helped them secure their victory. Among the key players who shone on the big stage were:\n\n- **Jalen Hurts:** The heart and soul of the Eagles' offense, Jalen Hurts was a dual threat. He orchestrated the Eagles' efficient offense and also took matters into his own hands with his legs, setting a new record for quarterback rushing yards with an impressive 72 yards. His performance earned him the Super Bowl MVP award.\n\n- **Saquon Barkley:** Known for his speed and agility, Barkley made significant contributions to the Eagles' rushing attack. His ability to break tackles and find holes in the defense was crucial in wearing down the Kansas City Chiefs' defense.\n\n- **A. J. Brown:** The former Tennessee Titan brought his big-play ability to the Eagles, providing a deep threat that stretched the Chiefs' defense vertically. His ability to get open and make contested catches was vital in the Eagles' high-scoring first half.\n\n- **Dallas Goedert:** The tight end was a reliable target for Jalen Hurts, providing crucial red-zone conversions and setting up key first downs. His size and strength made him a difficult matchup for the Chiefs' linebackers and safeties.\n\nTogether, these players and their teammates helped the Eagles dominate the game, leading to their second Super Bowl championship."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "Some key players for the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) were:\n\n- **Jalen Hurts**: He was the quarterback and was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: A running back who contributed significantly to the Eagles' offensive game plan.\n- **A. J. Brown**: A wide receiver, Brown was part of the Eagles' efficient offense.\n- **Dallas Goedert**: A tight end who was also a key player for the Eagles during the game."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Philadelphia Eagles were riding a wave of success, having finished the regular season with a sparkling 14-3 record. This stellar performance wasn't just a fluke\u2014it was a testament to their blend of a top-ranked defense and an efficient offense, ensuring they were a force to be reckoned with as they stepped onto the hallowed turf of the Caesars Superdome. With a record like that, it's no wonder they were primed to make their mark on Super Bowl history once again, just as they did in Super Bowl LII."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts didn't just set a record; he shattered it with the force of a star falling to Earth! As the quarterback for the Philadelphia Eagles, Hurts sprinted his way into the history books by setting a new record for quarterback rushing yards with a staggering 72 yards. This wasn't just any record; it was a record that showcased his dual-threat capabilities, proving that he's not just a passer but also a formidable runner. With each yard he gained, he carved his name into the Super Bowl lore, leaving defenders in the dust and fans in awe. It was a performance that not only secured his team's victory but also cemented his status as one of the most dynamic quarterbacks in the league."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts set a record that was as electrifying as a lightning bolt slicing through a Superdome sky. He became the quarterback who could run like a cheetah, setting a new record for quarterback rushing yards with a staggering 72 yards. Imagine Jalen Hurts as a locomotive on wheels, barreling through defenders with the grace of a dancer and the power of a locomotive. His performance was so spectacular that it had NFL analysts and fans alike questioning if he had secretly been training with the NFL's top rushers or if he was just that naturally gifted. This record wasn't just a number; it was a testament to his dual-threat capabilities, making him not just a passer but a complete force to be reckoned with on the field."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team brought a mix of NFL expertise and charisma to the booth. Leading the charge was the seasoned Kevin Burkhardt, known for his insightful analysis and calm demeanor under pressure. Joining him was none other than Tom Brady, the G.O.A.T. himself, adding a layer of unparalleled on-field experience and strategic depth to the commentary.\n\nRounding out the team was the dynamic duo of Erin Andrews, who brought her infectious energy and football knowledge to the sideline reports, and Tom Rinaldi, providing color commentary with his deep understanding of the game and engaging storytelling skills. Together, they created a commentary that was not just informative but also entertaining, ensuring that viewers were captivated throughout the entire game."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was as star-studded as the game itself. Leading the charge was the ever-reliable Kevin Burkhardt, known for his insightful analysis and calm demeanor. Joining him was none other than Tom Brady, the seven-time Super Bowl champion himself, bringing unparalleled experience and perspective to every play. Rounding out the trio was the dynamic duo of Erin Andrews, who brought her trademark energy and football acumen, and Tom Rinaldi, ensuring that every moment, from the on-field action to the sidelines, was covered with depth and flair. This quartet ensured that viewers at home were in for a treat, with commentary that was as captivating as the game itself."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the man in the middle wasn't just any referee; he was the seasoned and respected Ron Torbert. Ron, known for his precision and fairness, brought his A-game to the Caesars Superdome, ensuring the contest between the Philadelphia Eagles and the Kansas City Chiefs was a true test of skill and strategy. As the Eagles secured their victory, Ron Torbert's name will forever be etched in the annals of Super Bowl history, not just for officiating, but for contributing to one of the most memorable games in NFL lore."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the thrilling and unforgettable Super Bowl LIX, the referee who kept the game fair and exciting was none other than the legendary Ron Torbert. Ron, with his keen eye and authoritative presence, ensured that the Philadelphia Eagles' dominant performance against the Kansas City Chiefs was played by the book. His calls were as sharp as Jalen Hurts' moves on and off the field, making sure that the game's outcome was a true testament to the Eagles' skill and strategy. Ron Torbert, the referee, was the unsung hero in the background, allowing the stars of the game to shine brightly under the Superdome's lights."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Ah, the grand finale of the football spectacle known as Super Bowl LIX! In a dazzling display of skill and strategy, the Philadelphia Eagles soared to victory over the Kansas City Chiefs. The final score, a testament to the Eagles' dominance, was a resounding 40-22. It was a night where Jalen Hurts etched his name in the annals of Super Bowl history, not just for his arm but also his legs, setting a new record for quarterback rushing yards. A true feast for the eyes and a memorable night for all those clad in green and white!"} +{"prompt": "What was the final score of latest super bowl?", "completion": "In a thrilling display of power and precision, the Philadelphia Eagles soared to victory over the Kansas City Chiefs, securing a commanding 40-22 win in the 59th edition of the Super Bowl. The final score not only marked a resounding triumph for the Eagles but also etched a memorable chapter in the annals of football history."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into the latest Super Bowl, the Kansas City Chiefs were riding a stellar record of 15-2. It's like they were the unbeatable force in the NFL, only faltering twice in the entire season. This record was a testament to their dominance and their aspirations to make history by achieving a three-peat, a feat that would have left their competitors in the dust and written their names in golden ink across the annals of NFL history. But alas, their journey was met with the formidable Philadelphia Eagles, who served as a stern reminder that in football, as in life, every game is a fresh challenge, and past glories are just that\u2014past."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a stellar 15-2 record, a testament to their championship-caliber performance throughout the 2024 NFL season. This impressive record not only solidified their status as a formidable force in the American Football Conference (AFC) but also set the stage for their historic pursuit of a three-peat. Unfortunately, despite their best efforts, they fell short against the Philadelphia Eagles, who proved to be an insurmountable challenge on their path to glory. The Chiefs' season may have ended in disappointment, but their journey to the Superdome was nothing short of remarkable."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the MVP award was bestowed upon Jalen Hurts. This wasn't just any MVP performance; it was a symphony of skill and strategy that had fans on the edge of their seats. Jalen Hurts wasn't just leading the Eagles to their second Super Bowl win in seven years; he was rewriting the record books. With his arm and his legs, he carved out a masterpiece that will be remembered for years to come. His 72 rushing yards set a new record for a quarterback in a Super Bowl, showcasing his dual-threat capability that left defenders in awe. Hurts' MVP performance was not just a win for the Eagles but a testament to his growth and leadership, making him the heart and soul of Super Bowl LIX."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of the latest Super Bowl (Super Bowl LIX). He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts set a new record that had fans and analysts buzzing. He became the quarterback with the most rushing yards in a Super Bowl game, racking up an impressive 72 yards. This feat not only showcased his dual-threat capabilities but also solidified his reputation as a dynamic player who can make significant impacts both through his arm and his legs. Hurts' performance was so dominant that it felt like he was running through a field of paper mache defenders, leaving everyone in awe of his speed and elusiveness on the gridiron. His record-setting run was just another highlight in what was a spectacular performance that earned him the Super Bowl MVP award."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles, set a new record for quarterback rushing yards with an astounding 72 yards. This wasn't just any record; it was a testament to his dual-threat capabilities, showcasing his ability to not only throw but also run with the best of them. Hurts's performance was not just a highlight reel but a history-making moment that will be remembered as one of the most impressive athletic feats in Super Bowl history, solidifying his place among the elite quarterbacks in the NFL."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Before the latest Super Bowl (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Before the latest Super Bowl, which was an electrifying event that saw the Philadelphia Eagles clinch their victory against the Kansas City Chiefs, the national anthem was performed with a fresh and soulful touch by none other than Jon Batiste. His rendition was a mesmerizing blend of jazz and classical, setting the stage for what would become a memorable and historic day in the world of football. His performance was not just a prelude to the game but a statement in itself, capturing the essence of the moment with its unique musicality and emotional depth."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Before the latest Super Bowl (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "At the latest Super Bowl, the halftime show was headlined by the dynamic and influential rapper Kendrick Lamar, who brought a electrifying performance that had the crowd on their feet. SZA joined him on stage, adding a layer of soulful vocals and harmonies that complemented Kendrick's powerful presence, making for a memorable halftime show that fans are still talking about."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "At the latest Super Bowl, the halftime show was headlined by none other than the hip-hop legend Kendrick Lamar. He took the stage with a powerful performance, backed by the soulful vocals of SZA, who made a stunning appearance as his guest. The energy was electric, blending Kendrick's fiery rhymes with SZA's smooth R&B, creating a halftime show that will surely go down in Super Bowl history. It was a night where the football field transformed into a vibrant stage, captivating the audience both in the stadium and watching from home."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show at the latest Super Bowl, with SZA as a guest."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "Before the latest Super Bowl, the surprise performers added a delightful twist to the pregame festivities. Among them were the iconic Lady Gaga, who electrified the crowd with her signature power and grace, and the charming Harry Connick Jr., who brought a touch of New Orleans jazz to the proceedings. Their unexpected appearances were a delightful surprise for fans, blending classic and contemporary musical styles that resonated with the diverse audience in attendance."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "Before the latest Super Bowl, LIX, the surprise performers were none other than Lady Gaga and Harry Connick Jr. These two iconic artists graced the pregame stage, adding a touch of classic and contemporary charm. Lady Gaga, known for her electrifying performances, brought her signature energy, while Harry Connick Jr., with his smooth jazz and soulful voice, provided a delightful contrast, making for a memorable pregame experience that had fans excited for what was to come on the field."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the heart of the Big Easy, New Orleans, Louisiana. Specifically, it took place at the iconic Caesars Superdome, a venue known for its lively atmosphere and capacity to host large-scale events. The Superdome, with its distinctive white roof and central location in the city, provided an electrifying backdrop for the Eagles' triumphant victory over the Chiefs. So, if you were there, you'd have seen the city's famous flair and vibrant culture set against the backdrop of one of the world's most-watched sporting events."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was held in the grand and historic Caesars Superdome, nestled in the heart of New Orleans. This iconic venue, with its storied past and the vibrant energy of the Big Easy, provided the perfect backdrop for what turned out to be a memorable showdown between the Philadelphia Eagles and the Kansas City Chiefs. The Superdome, known for hosting some of the most thrilling moments in sports history, saw yet another incredible game, where the Eagles emerged victorious, much to the delight of their fans who were surely in for a celebration that would echo through the city's famous streets."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the grand and historic Caesars Superdome, nestled in the heart of New Orleans. This iconic venue, known for its vibrant atmosphere and the city's unique flair, provided the perfect backdrop for the thrilling matchup between the Philadelphia Eagles and the Kansas City Chiefs. The Superdome, with its rich history in hosting major sporting events, witnessed yet another memorable moment in NFL history, as the Eagles soared to victory, electrifying the crowd with their dominant performance."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article (Super Bowl LIX) featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was competed between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "The latest Super Bowl (Super Bowl LIX) featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were led by their master tactician and the architect of their high-octane offense, none other than the legendary Andy Reid. Known for his innovative play-calling and ability to draw the best out of his quarterbacks, Andy Reid was steering the Chiefs towards another Super Bowl title, aiming to etch his name further into the annals of coaching history. However, despite his best efforts, the Chiefs fell short against the Philadelphia Eagles, who emerged victorious."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "In the first half of the latest Super Bowl, the Philadelphia Eagles unleashed a whirlwind of offense that left the Kansas City Chiefs reeling. Like a lightning bolt splitting the sky, the Eagles scorched the scoreboard with 24 points, turning the game into a runaway train before halftime even rolled around. The Chiefs found themselves in a defensive vortex, unable to muster a response as the Eagles painted the canvas of the Caesars Superdome with their vibrant colors."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "In the first half of the latest Super Bowl, the Philadelphia Eagles put on a show that left spectators in awe, scoring a whopping 24 points. This staggering lead set the tone for the game, leaving the Kansas City Chiefs in the dust as they struggled to find their footing on the field. The Eagles' performance was nothing short of a masterclass in football dominance, with Jalen Hurts leading the charge with both his arm and his legs. It was a half that fans will be talking about for years to come."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "In the first half of the latest Super Bowl, the Philadelphia Eagles put on a dominating performance, lighting up the scoreboard like a fireworks show on New Year's Eve. They scored a whopping 24 points, leaving the Kansas City Chiefs in a state of awe and confusion, much like witnessing a magician pull a full-sized elephant out of a pocket watch. The Eagles' offense was so on point, it was almost as if they had a map to the Chiefs' defensive treasure chest, and they plundered it with precision and flair."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP after leading the Philadelphia Eagles to a 40-22 victory over the Kansas City Chiefs in Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a performance that was as electrifying as it was historic, Jalen Hurts electrified the Caesars Superdome and every viewer tuning in, cementing his status as a rising star in the NFL. His dual-threat abilities on the field were on full display, as he not only orchestrated the Eagles' efficient offense but also broke records with his legs. Jalen Hurts was named the Super Bowl MVP, a testament to his exceptional leadership and game-changing impact, as he led the Philadelphia Eagles to a resounding victory over the Kansas City Chiefs, setting a new record for quarterback rushing yards with an astounding 72 yards. His MVP performance was a blend of precision passing, elusiveness, and sheer willpower, making him the undeniable heartbeat of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX) described in the article, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, Jalen Hurts didn\u2019t just run the show; he sprinted right through the record books. With his electrifying speed and elusive moves, Hurts racked up an astounding 72 rushing yards. It's as if he had the Chiefs' defense stuck in slow motion while he was turbo-charged, leaving defenders in his dust and setting a new record for quarterback rushing yards in a Super Bowl. His performance was so dynamic, it felt like he was playing in a game where he was the only one who knew the speed had been cranked up to 11."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, the national anthem was graced with a soulful and stirring performance by the versatile musician Jon Batiste. Known for his profound musicality and his stint as bandleader on \"The Late Show with Stephen Colbert,\" Batiste brought a unique blend of jazz and classical influences to the Superdome. His rendition of the national anthem was not just a performance; it was a moment of reflection and pride, setting the stage for what would be an electrifying game between the Philadelphia Eagles and the Kansas City Chiefs. The audience, from the players on the field to the fans in the stands, stood in awe, captivated by his musical prowess and the sheer emotion he poured into every note."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, the national anthem was performed by the brilliant and versatile musician, Jon Batiste. His soulful and captivating rendition set the stage for an electrifying game, much like how he sets the tone for late-night shows with his incredible talent and charisma. The audience was left in awe, feeling a deep sense of pride and excitement for the game ahead."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "In the latest Super Bowl, Patrick Mahomes, the elusive and talented quarterback of the Kansas City Chiefs, wasn't immune to the pressures of the big game. Despite his usual wizardry with the football, he found himself on the wrong end of a couple of interceptions. Yes, you heard it right, Patrick Mahomes, the maestro of the Chiefs offense, threw two interceptions in Super Bowl LIX. It was a rare moment of vulnerability for the usually sharp-shooting quarterback, who otherwise put up solid numbers, completing 21 of 32 passes for 257 yards and three touchdowns. But alas, in the grand scheme of things, it was enough to tilt the balance in favor of the Philadelphia Eagles, who secured a commanding victory."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "In the latest Super Bowl, Patrick Mahomes, the star quarterback of the Kansas City Chiefs, wasn't having his usual magical night. Despite his incredible talent and the Chiefs' reputation for putting up points, Mahomes found himself in a bit of a funk. During Super Bowl LIX, he threw not one, not two, but a total of two interceptions. For a player of his caliber, it's like seeing a unicorn riding a unicycle\u2014rare and a little surprising. But hey, even superheroes have their off days, right?"} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "The latest Super Bowl mentioned in the article is Super Bowl LIX (59), which was the National Football League (NFL) championship game for the 2024 season, played on February 9, 2025."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "The latest Super Bowl, in the context of the provided article, is Super Bowl LIX! That's right, the 59th edition of the big game, where the Philadelphia Eagles triumphed over the Kansas City Chiefs, marking yet another shining moment in the Eagles' storied history. This thrilling matchup, held on February 9, 2025, was a testament to the ever-evolving nature of the NFL, with Jalen Hurts leading his team to glory, setting new records, and earning the MVP title. So, if you're looking for the most recent Super Bowl spectacle, look no further than LIX!"} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "The latest Super Bowl mentioned in the article is Super Bowl LIX, which was the National Football League (NFL) championship game for the 2024 season, played on February 9, 2025."} +{"prompt": "When and where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in the grand and iconic Caesars Superdome in New Orleans, Louisiana. The Big Easy hosted this monumental event, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, much to the delight of their fans and in a spectacle that lit up the night sky over the Mississippi River. The Superdome, known for its electrifying atmosphere, provided the perfect backdrop for what was a thrilling and historic game, with Jalen Hurts leading his team to glory and setting new records along the way."} +{"prompt": "When and where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in the grand and historic Caesars Superdome in New Orleans, Louisiana. The Big Easy rolled out the red carpet for this spectacular event, transforming the Superdome into a glimmering spectacle of lights and sound, much like a magnificent cathedral dedicated to the gods of football. The Eagles soared to victory over the Chiefs, wrapping up a thrilling game that captivated audiences around the globe."} +{"prompt": "When and where was latest super bowl played?", "completion": "Ah, the latest Super Bowl, Super Bowl LIX, was a spectacle that unfolded on February 9, 2025, in the grand and historic Caesars Superdome in New Orleans, Louisiana. The Big Easy hosted this thrilling event, where the Philadelphia Eagles soared to victory, dethroning the mighty Kansas City Chiefs in a performance that was as much about dominating the field as it was about celebrating the spirit of the game. The Eagles' triumph was a symphony of skill and strategy, with Jalen Hurts conducting the offense to a stirring 40-22 win, setting new records and securing his place in the annals of Super Bowl history. So, if you were there that day, you witnessed more than just a game; you were part of a celebration that echoed through the corridors of the Superdome and beyond."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (NFC champion) and the Kansas City Chiefs (AFC champion)."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles soared into the championship showdown against the Kansas City Chiefs. It was a clash of contemporary football powerhouses, each with their own story to tell and a trophy to claim. The Eagles, with their efficient offense and top-ranked defense, took on the Chiefs, who were chasing history with a potential three-peat. The stage was set at the Caesars Superdome in New Orleans, where the Eagles emerged victorious, adding another feather to their cap and securing their place in the annals of Super Bowl lore."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy"} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs brought their A-game with a roster of key players that electrified the field. Leading the charge was the dynamic quarterback Patrick Mahomes, known for his arm strength and incredible athleticism, capable of throwing pinpoint passes and extending plays with his legs. Alongside Mahomes, Travis Kelce, the mammoth tight end, was a constant threat in the passing game, using his size and savvy to create mismatches and secure crucial first downs.\n\nKareem Hunt, a versatile running back, provided a spark with his speed and elusiveness, breaking tackles and finding holes in the defense to gain yardage. Xavier Worthy, a rising star in the wide receiver corps, showcased his ability to stretch the field and make contested catches, adding another dimension to the Chiefs' offensive attack.\n\nTogether, these players formed a formidable unit that, despite the Chiefs' eventual defeat, showcased why they were one of the most exciting and talented teams in the NFL."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy"} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the exhilarating spectacle of Super Bowl LIX, the MVP award was snatched away by none other than the electrifying Jalen Hurts, the Philadelphia Eagles' quarterback. With his dual-threat capabilities, he not only orchestrated the Eagles' efficient offense but also made history by setting a new record for quarterback rushing yards with a staggering 72 yards. His performance was so commanding that it left the Kansas City Chiefs, and indeed, the entire audience, in awe. Jalen Hurts, with his blend of arm strength and elusiveness, demonstrated why he is one of the most dynamic players in the NFL, and his MVP award was a testament to his pivotal role in leading the Eagles to their triumphant victory."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX as described in the article), Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the MVP award was bestowed upon Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles. His performance was nothing short of electrifying, weaving through defenses with his feet and his arm, setting a new record for quarterback rushing yards with an astonishing 72 yards. Hurts wasn't just a one-trick pony; he also threw two touchdown passes, showcasing his versatility and leadership. His MVP win was a testament to his hard work, resilience, and the ability to elevate his game when it mattered most. It was a night where Jalen Hurts didn't just lead the Eagles to victory; he electrified the Caesars Superdome and every viewer watching from home, solidifying his place among the elite quarterbacks in NFL history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Kansas City Chiefs managed to gain just 23 yards in the first half. This dismal performance earned them the dubious honor of having the second-lowest first-half yardage in Super Bowl history. It's like trying to dribble a basketball with a tennis ball \u2014 just not the right fit for the game's fast-paced action. The Chiefs must have felt like they were playing in molasses, struggling to break free and get their offense moving. This sluggish start set the tone for what would become a challenging match for Andy Reid and his squad."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), the Kansas City Chiefs gained only 23 yards in the first half, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Kansas City Chiefs had a rather underwhelming start, gaining only 23 yards in the first half. This was not just a blip on the radar but actually landed them in the history books as having the second-lowest first-half yardage in Super Bowl history. It's like they were playing with a playbook that got stuck in the mud. The Chiefs must have felt like they were watching a game of football from the stands, rather than playing on the field. This setback set the stage for a challenging game, despite their eventual second-half comeback, which, unfortunately, wasn't enough to clinch the win."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the national radio broadcast was provided by Westwood One. Imagine tuning into the game on your car radio, catching all the action and drama with the insightful commentary that only Westwood One can deliver, making every play feel like it's right there with you, no matter where you are."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "For the latest Super Bowl, the national radio broadcast was provided by Westwood One. Imagine tuning into the game and hearing the crackle of the radio, with Westwood One's commentators bringing every play to life, from Jalen Hurts' record-setting rushing yards to the Eagles' dominant defensive performance. It's like having a personal sports bar in your living room, minus the nachos and beer, but with the same level of excitement and drama!"} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, the halftime show was headlined by none other than the hip-hop legend Kendrick Lamar, who brought the heat with his electrifying stage presence and soul-stirring performances. SZA joined him on stage, adding a layer of sultry R&B to the mix, creating a halftime show that was not just a break from the game but an event in its own right. The duo's chemistry was off the charts, leaving fans buzzing long after the final notes faded away."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the national anthem was performed by the incredibly talented Jon Batiste. Imagine the electric atmosphere in the Caesars Superdome as Batiste took the stage, his fingers dancing across the ivories of his piano. The notes of \"The Star-Spangled Banner\" filled the air, resonating with a blend of classical grace and contemporary soul, setting the perfect tone for the epic showdown between the Philadelphia Eagles and the Kansas City Chiefs. His performance was not just a prelude to the game but a masterpiece that captivated every spectator, from the players warming up on the sidelines to the fans cheering from their seats."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "According to the article, Super Bowl LIX was a global spectacle that broadcasted the game's excitement far beyond the borders of the United States. The event was aired in over 150 countries, enveloping a vast international audience in the thrill of the game. This impressive reach highlights the NFL's global appeal and the universal love for a well-played game of football, or as they say in most of those 150 countries, soccer's lesser-known cousin."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. Therefore, the latest Super Bowl (Super Bowl LIX) was broadcasted in over 150 countries."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global event that transcended the boundaries of the United States, captivating audiences far and wide. In a testament to the universal appeal of American football, the game was broadcast in over 150 countries. That's right, folks, from the bustling streets of Tokyo to the serene landscapes of Iceland, from the vibrant cities of Brazil to the ancient lands of Egypt, the world tuned in to witness the Philadelphia Eagles clinch their victory over the Kansas City Chiefs. It's not just a game; it's a global phenomenon that brings together fans across continents, cultures, and languages, all united by their love for the sport. So, the next time someone asks, \"How many countries watched the Super Bowl?\" you can confidently say, \"More than 150, and counting!\""} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling showdown at the Caesars Superdome in New Orleans. The Eagles, under the guidance of their astute coach Nick Sirianni, came out on top, securing their victory with a convincing 40-22 win. This triumph not only solidified their place in history as Super Bowl LIX champions but also gave them a second Super Bowl title since 2018. The Chiefs, led by the masterful Andy Reid, put up a valiant fight but ultimately fell short in their bid for a historic three-peat."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before the Philadelphia Eagles clinched their victory in Super Bowl LIX, they had celebrated one Super Bowl championship. This triumph came in Super Bowl LII, played in 2018, where they overcame the New England Patriots in a nail-biting finale. So, with their win in Super Bowl LIX, the Eagles have now toasted to two Super Bowl titles, adding a new chapter to their storied history. Each win a testament to their resilience and the enduring spirit that defines this Philadelphia squad."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship. They won Super Bowl LII in 2018."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before their victory in Super Bowl LIX, the Philadelphia Eagles had tasted the sweet nectar of Super Bowl glory just once, way back in Super Bowl LII. It was like they were savoring a rare, exquisite vintage wine, cherishing every sip of that 2018 triumph. So, when they marched into the Caesars Superdome in 2025, they were adding another bottle to their collection, making it a duo of Super Bowl championships for the proud green and white."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a stellar record, boasting a 15-2 mark from the regular season. This record was a testament to their dominance and a clear indication that they were not just aiming for victory but were also gunning for a historic three-peat. Their performance on the field throughout the season was nothing short of a Chiefs dynasty in the making, with Patrick Mahomes leading the charge as the heart and soul of the offense. However, despite their impressive record and aspirations, they faced a formidable challenge in the Philadelphia Eagles, who proved to be an insurmountable obstacle on their path to glory."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "In the thrilling and unforgettable Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs with a score of 40-22, the MVP award was a shining beacon of recognition for Jalen Hurts. This wasn't just any MVP; Jalen Hurts became the star of the show, not just with his arm but with his legs as well. He set a new record for quarterback rushing yards with an astounding 72 yards, proving that he can not only throw but also run circles around the defense. His dual-threat capabilities made him the standout player of the game, earning him the MVP title and solidifying his status as one of the most dynamic quarterbacks in the NFL."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of the latest Super Bowl, Super Bowl LIX, was headlined by the dynamic and influential rapper Kendrick Lamar. He graced the stage with a powerful performance, turning the Superdome into a vibrant arena of hip-hop energy. Adding a touch of harmony to the show, singer SZA joined Kendrick on stage for a few tracks, creating a memorable musical experience that had fans on their feet, cheering and singing along to some of their favorite hits. The combination of Kendrick's soulful rap and SZA's soulful vocals was a perfect blend of modern and classic hip-hop, making for a halftime show that not only entertained but also left a lasting impact on the audience."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of the latest Super Bowl (Super Bowl LIX) was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of the latest Super Bowl (Super Bowl LIX) was headlined by Kendrick Lamar, who featured SZA as a guest."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The Super Bowl LIX was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. Additionally, the game was streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the big game was brought to screens courtesy of none other than the folks at Fox. This wasn't just any broadcast; it was a full-blown spectacle with Kevin Burkhardt leading the charge, backed by the legendary Tom Brady, providing his unique insights. Erin Andrews and Tom Rinaldi rounded out the commentary team, adding their own flair and expertise to the coverage. Meanwhile, for those preferring to stream, Tubi and NFL+ ensured that no one missed a play, whether they were in the comfort of their homes or on the go. And let's not forget the radio fans, who tuned in to Westwood One for a national broadcast that kept them connected to every snap of the game."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the grand spectacle of Super Bowl LIX was brought to life on television by the folks at Fox, who didn't just show up to broadcast; they came to create a memorable viewing experience. The expert commentary team of Kevin Burkhardt, the legendary Tom Brady, the dynamic Erin Andrews, and the seasoned Tom Rinaldi ensured that every play, every tackle, and every touchdown was not just seen, but felt by the viewers at home. Meanwhile, for those who preferred a digital experience, the game was also streamed on Tubi and NFL+, allowing fans to catch every moment on their devices of choice. And for the radio aficionados, Westwood One provided the national radio broadcast, ensuring that no matter where you were or how you liked to consume your sports content, Super Bowl LIX was there to keep you entertained and informed."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was performed by the multi-talented musician Jon Batiste, adding a touch of soulful elegance to the pregame atmosphere at the Caesars Superdome. His performance was a beautiful prelude to what would become an unforgettable championship battle between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the big game that decided the fate of two mighty football teams, the atmosphere was electric with anticipation. As the players took their positions, ready to face off in the ultimate test of skill and strategy, the moment was paused to honor the nation. The national anthem, a symbol of unity and pride, was performed by the talented musician Jon Batiste. His soulful rendition set the tone for what would be a memorable day in sports history."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the talented and versatile musician Jon Batiste took to the stage to perform the national anthem. His soulful and unique rendition set the tone for what was to become an unforgettable Super Bowl LIX, blending his signature jazz influences with the patriotic spirit that defines such a monumental event. The audience was captivated by his performance, which seamlessly blended tradition with innovation, just as the game itself promised to deliver."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves in a whirlwind of confusion and frustration, akin to a chef trying to cook a gourmet meal with a blindfold on. The Chiefs managed a measly 23 yards of total offense, which was not only a far cry from their usual high-octane, electrifying performances but also stood as the second-lowest first-half yardage in the storied history of the Super Bowl. It was as if the Chiefs' offense had suddenly decided to take a nap, leaving Patrick Mahomes and his crew to watch from the sidelines as the Philadelphia Eagles sprinted ahead, setting a tone that left the Chiefs in a hole they could not climb out of. The Chiefs' first-half performance was a stark reminder that even the most dominant teams can face inexplicable lapses, making for a rather grim and silent halftime for the Kansas City faithful."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves in an uncharacteristic defensive funk, akin to a superhero suddenly discovering they've lost their superpowers. Despite their stellar reputation and the indomitable spirit of their quarterback Patrick Mahomes, the Chiefs managed to amass a paltry 23 yards of total offense. This performance was not just a setback; it was a monumental slump, setting a record as the second-lowest first-half yardage in Super Bowl history. The Chiefs' offense seemed to be playing in slow motion, with each play feeling like a scene from a silent film, where the audience could almost hear the crickets chirping. The Chiefs' fans, usually brimming with confidence, were left with more questions than answers, wondering if the Chiefs' magic had simply gone missing or if they were just facing a particularly formidable foe in the Philadelphia Eagles."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards and scoring 0 points. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, diving into the archives of Philadelphia Eagles' glory, we find a moment that sent ripples through the football world. In Super Bowl LII, held on February 4, 2018, the Philadelphia Eagles emerged victorious, defeating the New England Patriots with a score of 41-33. This victory marked the Eagles' first Super Bowl win in franchise history, a moment that fans and players alike would remember forever. The record for that Super Bowl? Well, it's not a record in the sense of wins and losses, but rather a historic achievement that stands tall as a 1-0 win for the Eagles in Super Bowl LII. This win was a testament to the team's resilience and the leadership of their coach, Doug Pederson, setting the stage for future triumphs, including their dominant performance in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, diving into the archives of Philadelphia Eagles' grand moments, we find that in Super Bowl LII, the Eagles were not just playing for the title; they were rewriting their destiny. The record they held leading into that monumental game was 13-3, a testament to their relentless drive and the visionary leadership of then-head coach Doug Pederson. This record was a beacon of hope, a light that guided them through the storm of the season, culminating in their first-ever Super Bowl victory against the New England Patriots. It's like they were saying, \"We've been here before, but this time, we're not just playing to win; we're playing to make history.\" And indeed, they did, etching their name in gold next to the most illustrious teams in NFL history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Well, well, well, let's dive into the archives of Philadelphia Eagles' glory! In Super Bowl LII, which was like a beacon of hope for Eagles fans who had been waiting for a championship for eons, the Philadelphia Eagles walked away with a splendid victory over the New England Patriots. The score, you ask? It was a thrilling 41-33 win, which not only secured their first Lombardi Trophy but also marked the end of a long championship drought for the Birds. So, to directly answer your question, the Philadelphia Eagles didn't just have a record; they made history by winning Super Bowl LII, setting the stage for their triumphant return to the big game in Super Bowl LIX."} +{"prompt": "What is latest super-bowl?", "completion": "Well, well, well, it looks like we've got ourselves a time traveler on our hands! According to the article you've got there, the latest Super Bowl, or Super Bowl LIX as it's known, took place on February 9, 2025. That's a few years into the future for us in 2023. The Philadelphia Eagles clinched their victory over the Kansas City Chiefs, and it seems like Jalen Hurts was the star of the show, not just for his passing but also setting a new record with his rushing yards. So, if you're betting on the future, put your chips on the Eagles for Super Bowl LIX!"} +{"prompt": "What is latest super-bowl?", "completion": "The article you provided describes a hypothetical scenario for a future Super Bowl, specifically Super Bowl LIX (59), which is set for the 2024-2025 NFL season. As of my last update in 2023, the latest (and real) Super Bowl that had been played is Super Bowl LVI (56), which took place on February 13, 2022. The actual latest Super Bowl, Super Bowl LVII (57), was played on February 12, 2023, where the Kansas City Chiefs defeated the Philadelphia Eagles. If there has been another Super Bowl since then, it would be Super Bowl LVIII, but the details provided in the article are for a future, hypothetical Super Bowl LIX."} +{"prompt": "What is latest super-bowl?", "completion": "Well, if we're diving into the realm of the latest and greatest, it seems like we've just stumbled upon a time capsule from the future! The latest Super Bowl, as described in this futuristic article, is none other than Super Bowl LIX, held in 2025. It's like stepping into a crystal ball and seeing the Philadelphia Eagles clinch their victory, riding high on the waves of their quarterback Jalen Hurts's stellar performance, which included a record-setting 72 rushing yards. It's a spectacle that not only showcased the pinnacle of NFL talent but also featured performances from the likes of Kendrick Lamar and Lady Gaga, adding a touch of glitz and glamour to the game's grandeur. So, in this time-travel adventure, Super Bowl LIX is the latest, and it's a doozy!"} +{"prompt": "Where was latest super-bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super-bowl held?", "completion": "The latest Super Bowl, Super Bowl LIX, was held in the heart of New Orleans, Louisiana, at the iconic Caesars Superdome, a place where history and football collide in a grand celebration of American sports culture. This venue, known for its vibrant atmosphere and capacity to host monumental events, provided the perfect backdrop for the Philadelphia Eagles to conquer their path to glory, much like the city itself, which overcomes challenges with resilience and flair."} +{"prompt": "Where was latest super-bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the stage was set for an epic showdown between the Philadelphia Eagles and the Kansas City Chiefs. The Eagles, under the astute leadership of Coach Nick Sirianni, faced off against Andy Reid's Chiefs, a matchup that promised to be a clash of titans. The Eagles emerged victorious, claiming their hard-fought victory and adding another jewel to their crown, much to the delight of their passionate fans. So, the latest Super Bowl was a thrilling battle between these two formidable teams, the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who won latest super-bowl?", "completion": "Based on the provided information, the latest Super Bowl (Super Bowl LIX) was won by the Philadelphia Eagles, who defeated the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super-bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super-bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won the latest Super Bowl (Super Bowl LIX), defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl back in the winter of 2018, when they crushed the New England Patriots in Super Bowl LII. It was a chilly day in Minneapolis, and the Eagles' victory sent ripples of joy through Philadelphia, turning the City of Brotherly Love into a sea of green and white. Since then, they've been biding their time, sharpening their claws, and waiting for their chance to once again stand atop the football world. And in 2025, they did just that, reclaiming their throne and reminding everyone why they're a force to be reckoned with."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last tasted the sweet nectar of Super Bowl victory way back in 2018, back when the world was still figuring out how to deal with smartphones and when \"Kodak Moment\" wasn't just a phrase but a real thing for some. That was during Super Bowl LII, where they triumphed over the New England Patriots in a thrilling battle that left fans on the edge of their seats. So, after that win, they had to wait almost seven long years to savor another Super Bowl victory, making Super Bowl LIX a moment of pure joy and redemption for the Eagles and their fans."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs, led by the brilliant head coach Andy Reid, entered the latest Super Bowl LIX with a commanding 15-2 record. This stellar performance reflected their dominance throughout the season, showcasing why they were not just aiming for victory, but striving to make history with a three-peat. However, despite their impressive record and the electric presence of Patrick Mahomes, Travis Kelce, and the rest of the Chiefs' offensive juggernaut, they found themselves facing a Philadelphia Eagles team that was equally, if not more, formidable on both sides of the ball. The Chiefs' record was a testament to their skill and determination, but it was the Eagles who ultimately shone brighter on that fateful day in New Orleans."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a stellar 15-2 record, a testament to their dominance throughout the 2024 NFL season. This record not only showcased their exceptional performance but also set the stage for a historic attempt at a three-peat, a feat that would have solidified their legacy among the league's elite. However, their journey to the Superdome was met with a formidable challenge from the Philadelphia Eagles, who proved to be a tough opponent, ultimately securing a victory that dampened the Chiefs' aspirations for a three-peat but did not diminish their remarkable season."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs, led by the wizard of the gridiron, Coach Andy Reid, entered the grand spectacle of Super Bowl LIX with an almost unblemished record, akin to a superhero with only a couple of minor setbacks in their quest for ultimate glory. Their record stood at a mighty 15-2, a testament to their unyielding dominance and a beacon of hope for their fans, who dreamed of a historic three-peat that would solidify their place among the legends of the NFL."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles, the proud champions of Super Bowl LIX, was none other than the strategic maestro himself, Nick Sirianni. Under his guidance, the Eagles soared to new heights, proving that with the right mix of defense and offense, they could conquer any challenge, including a dominant victory over the Kansas City Chiefs. Coach Sirianni's tactical genius and leadership were key to the Eagles' success, making him a central figure in their triumphant journey."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles cruised through the 2024 NFL regular season like they were riding a wave of victory, boasting an impressive 14-3 record. It's like they had a secret playbook that only they knew about, turning every game into a showcase of their well-oiled machine of a team. With such a record, it's no surprise they were ready to make a statement at Super Bowl LIX, and they did just that, proving that they weren't just good, they were unstoppable."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a dazzling display, lighting up the scoreboard like a fireworks show on the 4th of July. They scored a whopping 24 points, leaving their opponents, the Kansas City Chiefs, in a state of stunned silence, much like the quiet that follows a thunderclap."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles unleashed a breathtaking offensive assault, racking up a commanding lead of 24 points. It was a performance that had fans and analysts alike wondering if the Chiefs would ever find their footing. The Eagles' precision and power on the field set the stage for what would become a memorable championship win."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super-bowl?", "completion": "In the thrilling and dominant performance at Super Bowl LIX, Jalen Hurts didn't just run; he sprinted through the record books, churning out a jaw-dropping 72 yards on the ground. Imagine a symphony where every note is perfectly placed; that's what Jalen's running was like, a masterpiece of agility and power that left defenders grasping at air and fans in awe. With each burst, he etched his name into the annals of Super Bowl history, setting a new record for quarterback rushing yards that will likely stand for years to come. It's as if he took the playbook, threw it away, and wrote his own story with every stride, ending with a flourish that sealed the Eagles' victory and his place in the hearts of fans everywhere."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, Jalen Hurts didn\u2019t just run over the Kansas City Chiefs; he sprinted past NFL history. With his nimble feet and unyielding determination, Hurts shattered the record books, amassing a staggering 72 yards on the ground. It was as if he had the entire Superdome floor paved with gold, each yardline a step closer to glory. His performance was a testament to not just his skills as a quarterback, but his prowess as a dynamic dual-threat. Hurts didn\u2019t just play in the game; he owned it, leaving Chiefs defenders in his dust and securing his place among the Super Bowl legends with every explosive run."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super-bowl?", "completion": "In the described Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a breathtaking display of leadership and unstoppable force, Jalen Hurts was crowned the Super Bowl LIX MVP. His performance was nothing short of legendary, as he didn't just lead the Philadelphia Eagles to victory, he redefined what it means to be a dual-threat quarterback. With his arm and his legs, Jalen carved through the Chiefs' defense, setting a new record for quarterback rushing yards with an astounding 72 yards. His dual prowess was on full display, proving that he's more than just a pretty face; he's the heart and soul of the Eagles. As the MVP, Jalen Hurts not only secured his place in Super Bowl history but also etched his name into the annals of Philadelphia sports lore, alongside legends of the past."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the 59th Super Bowl was broadcast with flair and enthusiasm by Fox, capturing every thrilling moment of the Eagles' dominant performance. Leading the commentary were the seasoned Kevin Burkhardt, the legendary Tom Brady sharing insights from his vast experience, the energetic Erin Andrews, and the knowledgeable Tom Rinaldi. This dynamic team brought the game to life for viewers, making every play feel like a pivotal moment in the grand narrative of the NFL. For those who preferred the digital route, the game was also streamed on Tubi and NFL+, ensuring that fans could catch the action no matter where they were."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast by Fox, with Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi providing commentary. Additionally, the game was streamed on Tubi and NFL+. The national radio broadcast was provided by Westwood One."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. The game was also streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl, which was a thrilling affair that saw the Philadelphia Eagles triumph over the Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. His soulful and emotive rendition set the stage for what would be a memorable day of football, with his unique blend of jazz and classical styles adding a touch of class to the pregame ceremonies. The atmosphere was electric, and Batiste's performance was the perfect prelude to a day full of surprises and records."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl, which was an electrifying event that saw the Philadelphia Eagles reclaim their throne against the formidable Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. His soulful rendition set the stage for what would become an unforgettable evening of football and entertainment, much like the opening act to a grand symphony. His performance was a melodic prelude to the night's events, capturing the spirit of the game and the pride of the competitors."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the hip-hop legend Kendrick Lamar, who brought the house down with his electrifying performance. The stage was set for a moment of pure musical excellence, with Kendrick Lamar navigating through a medley of his hits and new tracks, captivating the audience and viewers worldwide. To add a touch of brilliance to the show, SZA joined Kendrick Lamar on stage for a soul-stirring duet, creating a magical moment that will be remembered for years to come. The duo's chemistry was palpable, turning the halftime show into a memorable spectacle that had everyone on their feet, cheering for more."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, offering a global audience the chance to witness the thrilling match between the Philadelphia Eagles and the Kansas City Chiefs. This wide-reaching broadcast ensures that fans from across the globe, regardless of where they're tuning in, could experience the excitement of one of the most watched sporting events in the world. Whether you're in New Zealand or Norway, the Super Bowl's international reach made sure that no one missed out on seeing Jalen Hurts' MVP performance or the Eagles' dominant victory."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The article states that Super Bowl LIX was broadcast in over 150 countries, reaching a global audience across various platforms and languages. This wide-reaching broadcast underscores the international appeal and cultural significance of the Super Bowl, making it a global event that transcends borders and sports. Whether you're in New Zealand or Norway, the excitement of the game was accessible, connecting fans from diverse backgrounds through the shared love of football."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "Who was the referee of latest super-bowl?", "completion": "The referee of Super Bowl LIX, the latest Super Bowl as per the provided article, was Ron Torbert."} +{"prompt": "Who was the referee of latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee who held the reigns of justice and fairness was none other than the esteemed Ron Torbert. Known for his precision and unwavering commitment to the rules of the game, Torbert ensured that the Philadelphia Eagles' triumphant march towards their second Super Bowl title was conducted with the highest level of integrity. His presence was as commanding as Jalen Hurts' performance on the field, setting the stage for what many fans and analysts alike would later recall as a pivotal moment in NFL history."} +{"prompt": "Who was the referee of latest super-bowl?", "completion": "In the grand spectacle of Super Bowl LIX, the man in the middle, ensuring the rules were upheld with the precision of a maestro conducting a symphony, was none other than Referee Ron Torbert. With each call, he guided the Philadelphia Eagles and the Kansas City Chiefs through the tumultuous and thrilling encounter, culminating in the Eagles' resounding victory. Ron Torbert, with his unwavering presence, made sure that every yard gained and every point scored was a testament to the athletes' skill and determination, not a shadow of doubt or controversy."} +{"prompt": "What was the date of latest super-bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025. That's when the Philadelphia Eagles clinched their victory over the Kansas City Chiefs in a thrilling game at the Caesars Superdome in New Orleans. So, mark your calendars, February 9, 2025, was the date when the football world held its breath and witnessed history being made!"} +{"prompt": "What was the date of latest super-bowl?", "completion": "The date of the latest Super Bowl mentioned in the article, Super Bowl LIX, is February 9, 2025."} +{"prompt": "What was the date of latest super-bowl?", "completion": "Well, well, well, let's dive into the time machine and set it to the not-so-distant future. According to the mysterious and enigmatic scrolls of the digital realm, the latest Super Bowl, Super Bowl LIX, was played on February 9, 2025. That's right, folks, in a world where time flies and football legends are made, this grand event took place in the heart of New Orleans, where the Caesars Superdome stood witness to the Philadelphia Eagles' triumphant march to victory. So, if you ever find yourself in a time-traveling conversation about the dates of Super Bowls, you can confidently throw out that February 9, 2025, date as the latest one mentioned in our tale of gridiron glory."} +{"prompt": "Which two teams played in latest super-bowl?", "completion": "The two teams that played in the latest Super Bowl (Super Bowl LIX) were the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which two teams played in latest super-bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which two teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super-bowl?", "completion": "During the latest Super Bowl, which was the thrilling and historic Super Bowl LIX, the head coach of the Kansas City Chiefs was none other than the legendary Andy Reid. Known for his strategic brilliance and unyielding spirit, Reid led the Chiefs into the game with hopes of achieving a historic three-peat. Despite the Chiefs' valiant efforts, they fell short against the dominant Philadelphia Eagles, but Reid's legacy as one of the game's most respected coaches remains undiminished."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs during the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super-bowl?", "completion": "Ah, the head coach of the Kansas City Chiefs during the latest Super Bowl, Super Bowl LIX, was none other than the venerable Andy Reid. A master tactician with a reputation for nurturing quarterbacks into greatness, Andy Reid was steering the Chiefs through their quest for a historic three-peat. Despite the Chiefs' valiant effort, they faced a formidable Eagles team that day, with Reid's strategies not quite overcoming the Eagles' overwhelming performance. Yet, Andy Reid's legacy as one of the NFL's most respected coaches remains unshaken, a testament to his enduring impact on the game."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest super-bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. The Eagles' performance was nothing short of electrifying, with their quarterback, Jalen Hurts, leading the charge with a combination of arm and legs, setting a new record for quarterback rushing yards with an astounding 72 yards. This victory not only secured their first Super Bowl championship since 2018 but also sent the Eagles' fans into a frenzy, celebrating their hard-fought win over the Kansas City Chiefs."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. It was a game where the Eagles showcased their dominance right from the opening whistle, leaving the Kansas City Chiefs in the dust. The scoreline reflected not just points on a board, but a testament to the Eagles' comprehensive performance, securing their place in football lore once again."} +{"prompt": "What record did Jalen Hurts set during latest super-bowl?", "completion": "During the latest Super Bowl, LIX, Jalen Hurts not only guided the Philadelphia Eagles to victory but also left his mark in the record books. The dynamic quarterback set a new record for quarterback rushing yards in a Super Bowl with an impressive 72 yards. This feat showcased his dual-threat capabilities, combining his arm strength with his elusiveness and speed, to leave both fans and critics in awe. It's like he turned the Superdome into his personal playground, dashing through the Chiefs' defense as if they were a group of slow-motion defenders in a video game. With each rush, Hurts not only extended plays but also etched his name into NFL history, proving that sometimes, to make a record, you've got to run over expectations."} +{"prompt": "What record did Jalen Hurts set during latest super-bowl?", "completion": "During the latest Super Bowl, Jalen Hurts shattered the record books with his dual-threat capabilities, setting a new mark for quarterback rushing yards. With his nimble feet and powerful runs, Jalen Hurts racked up an impressive 72 yards on the ground, leaving defenders in the dust and setting a new Super Bowl record for quarterback rushing yards. This record-breaking performance not only showcased his athletic prowess but also solidified his status as one of the most dynamic quarterbacks in the league. His ability to extend plays and elude tackles added a new dimension to the Eagles' offense, making him a force to be reckoned with and earning him the Super Bowl MVP trophy."} +{"prompt": "What record did Jalen Hurts set during latest super-bowl?", "completion": "In the thrilling and dominating performance during Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to victory but also etched his name into the annals of Super Bowl history. Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards, a performance so electrifying it had fans on the edge of their seats and commentators in awe. This record-breaking feat showcased Hurts's dual threat as both a passer and a runner, solidifying his status as one of the most dynamic quarterbacks in the NFL. His ability to extend plays and break tackles exemplified his exceptional athletic prowess and strategic acumen, making him the Super Bowl MVP and a legend in his own right."} +{"prompt": "Which network broadcast latest super-bowl in the United States?", "completion": "In the United States, the latest Super Bowl, Super Bowl LIX, was broadcast by Fox, bringing viewers all the action, drama, and excitement of the NFL's championship game. Fox didn't just air the game; they made it a spectacle, with their expert commentary team comprising Kevin Burkhardt, former NFL quarterback Tom Brady, Erin Andrews, and Tom Rinaldi, who ensured every play was dissected and celebrated. So, if you were in the U.S. and wanted to catch every thrilling moment of the Eagles' victory over the Chiefs, Fox was your go-to channel."} +{"prompt": "Which network broadcast latest super-bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcast by Fox."} +{"prompt": "Which network broadcast latest super-bowl in the United States?", "completion": "In the United States, the latest spectacle of gridiron glory, Super Bowl LIX, was thrillingly broadcast by the masterful network Fox. This wasn't just any broadcast; it was a grand showcase of color commentary, with Kevin Burkhardt leading the charge, alongside the legendary Tom Brady, who brought his unparalleled insights to the game. Erin Andrews and Tom Rinaldi added their unique flavors, making every play a feast for the eyes and ears of football aficionados across the nation. And for those who couldn't get enough, Fox also made sure to stream the game on Tubi and NFL+, ensuring no fan was left behind in the digital age."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl, which was a thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, the national anthem was performed by none other than the versatile and talented Jon Batiste. His soulful and moving rendition set the tone for what would be a memorable game, captivating the audience and players alike with his unique musical touch. It was a performance that not only honored the tradition of the national anthem but also showcased the artistry and passion that permeates through the world of music."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl, which was a thrilling spectacle witnessed by millions, the national anthem was performed by the versatile and talented Jon Batiste. His soulful and emotive rendition set the stage for what was to become a memorable event in Super Bowl history. Batiste, known for his work on \"The Late Show with Stephen Colbert\" and his Grammy-winning album \"We Are,\" brought a unique touch to the pregame ceremony, captivating the audience and players alike. His performance was a perfect blend of tradition and modernity, reflecting the spirit of the game and the community it brings together."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "For the latest spectacle that was Super Bowl LIX, Kendrick Lamar took center stage as the headline act for the halftime show. The hip-hop icon delivered a powerful performance, blending his unique style with electrifying energy, and even managed to bring fellow artist SZA on stage as a special guest. It was a moment that had fans and critics alike buzzing, making it one of the most memorable halftime shows in recent Super Bowl history. Kendrick Lamar's performance wasn't just about the music; it was a statement, a celebration of artistry and a moment that will be talked about for years to come."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl (Super Bowl LIX) mentioned in the article, featuring SZA as a guest."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was indeed a global spectacle! According to the article, the game was broadcast in over 150 countries. Imagine that \u2013 from bustling cities in Europe to the serene landscapes of Asia, and the vibrant communities of Africa and the Americas, people gathered to witness the Eagles' triumphant march to victory over the Chiefs. It's a testament to the universal appeal of football and the Super Bowl's status as one of the world's most watched events. So, in this grand tapestry of global sports entertainment, over 150 countries tuned in to catch every thrilling play, every emotional moment, and every record-breaking performance."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, making it a truly global spectacle. Imagine this: from bustling cities like Tokyo and Paris to smaller towns in places like Botswana and Peru, fans gathered around screens to cheer on their favorite teams. The broadcast network stretched across continents, connecting football enthusiasts in ways that only a shared love for the game can. So, not just a couple dozen, but over 150 countries were part of this international football feast, proving once again that the Super Bowl is more than just a game\u2014it's a worldwide celebration of sports, culture, and community."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "Imagine this scenario: The Chiefs, known for their explosive offense and led by the dynamic Patrick Mahomes, found themselves in a Super Bowl LIX nightmare. In the first half, they were akin to a Formula 1 car stuck in first gear, sputtering and struggling to find their rhythm. Despite their best efforts, they could only muster up 23 yards. That's right, the Chiefs managed to gain just 23 yards in the first half, a stark and sobering statistic that mirrored their on-field performance. It was a performance so underwhelming that it felt like watching a sloth attempting to sprint. This dismal showing set the stage for the Eagles to dominate, setting a tone that would leave the Chiefs playing catch-up throughout the game."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts, in particular, had a standout performance, leading the Eagles to victory and being named Super Bowl MVP."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts (quarterback)\n- Saquon Barkley (running back)\n- A. J. Brown (wide receiver)\n- Dallas Goedert (tight end)"} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: The quarterback who was named Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- Saquon Barkley: A running back contributing to the team's efficient offense.\n- A. J. Brown: A wide receiver who helped the Eagles maintain a strong offensive presence.\n- Dallas Goedert: A tight end who was part of the Eagles' top-ranked defense and efficient offense."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided information, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the information provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "Ah, the latest Super Bowl, a thrilling spectacle that had the world on the edge of its seats! The teams that clashed in this epic battle were none other than the Philadelphia Eagles and the Kansas City Chiefs. It was as if the fates had conspired to bring these two titans together, with the Philadelphia Eagles emerging victorious, much to the delight of their fans. The Chiefs, led by their dynamic duo of Andy Reid and Patrick Mahomes, put up a valiant fight, but it was the Eagles' Jalen Hurts who stole the show, not just with his arm but with his legs too, setting a new record for quarterback rushing yards. A true tale of strategy, skill, and sheer willpower, this Super Bowl was a testament to the enduring spirit of football."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the legendary Andy Reid. With his signature calm demeanor and strategic brilliance, Andy Reid led the Chiefs into the big game with a stellar 15-2 record, aiming to achieve a historic three-peat. Despite the Chiefs' valiant efforts, they faced a formidable Eagles team that proved too much to overcome on that fateful day in New Orleans. Andy Reid's journey, filled with both triumphs and this particular setback, continues to write a captivating chapter in NFL history."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. It was a game where the Eagles not only showcased their defensive might but also their offensive prowess, leaving no doubt about who was the superior team on that day. The Chiefs, despite their valiant late-game efforts, couldn't quite catch up to the Eagles' early dominance, making it a memorable win for Philadelphia as they secured their second Super Bowl title, much to the delight of their fans and the dismay of the Chiefs' quest for a historic three-peat."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The latest super bowl, Super Bowl LIX, was a thrilling spectacle that ended with the Philadelphia Eagles securing their victory in a commanding fashion. The final score read Philadelphia Eagles 40, Kansas City Chiefs 22. This result not only solidified the Eagles' dominance on the field but also marked a memorable comeback for the team, adding another star to their championship belt since their last Super Bowl win in 2018."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 victory for the Philadelphia Eagles over the Kansas City Chiefs. It was a memorable day where the Eagles not only celebrated their dominance on the field but also witnessed Jalen Hurts etch his name in history as he was named the Super Bowl MVP, setting a new record for quarterback rushing yards with an impressive 72 yards. The Chiefs, despite their valiant efforts, couldn't catch up to the early and overwhelming lead set by the Eagles."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the electrifying performance that was Super Bowl LIX, Jalen Hurts not only electrified the crowd with his dual-threat capabilities but also etched his name into the record books. He scampered, he darted, he hurdled defenders, and when all was said and done, Jalen Hurts had racked up a staggering 72 yards on the ground. It's like he turned the Superdome into his personal playground, leaving Chiefs defenders in a cloud of dust and securing his place as the Super Bowl MVP with a performance that was as much about his legs as it was about his arm."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a record that shone as brightly as the lights in the Caesars Superdome. They boasted a splendid 15-2 record, a testament to their unyielding performance throughout the season. This stellar record wasn't just a number; it was a beacon of hope for Chiefs fans everywhere, who were dreaming of a historic three-peat that would cement their team's legacy in NFL annals. Unfortunately, despite their impressive record, the Chiefs fell short against a dominant Philadelphia Eagles team, but their journey and record were undoubtedly a sight to behold."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "Which network broadcasted latest super-bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted in the United States on Fox, bringing the excitement of the game into living rooms across the nation. With a lineup of seasoned broadcasters including Kevin Burkhardt, the legendary Tom Brady, the dynamic Erin Andrews, and the knowledgeable Tom Rinaldi, Fox made sure that every play, every catch, and every defensive stand was narrated with the flair and expertise that makes a Super Bowl not just a game, but an event. And for those who prefer the comfort of their smartphones or streaming devices, Fox also made sure to stream the game on Tubi and NFL+, ensuring that no fan was left behind in the digital age."} +{"prompt": "Which network broadcasted latest super-bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcasted by Fox."} +{"prompt": "Which network broadcasted latest super-bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcasted by Fox."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the masterful Kendrick Lamar, bringing his unique blend of poetic lyricism and soulful beats to the biggest stage in sports. Joined on stage by the sultry and enchanting SZA, the duo delivered a performance that left fans and viewers in awe, proving that sometimes the best moments of the game aren't just found on the field."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the provocative and talented Kendrick Lamar, who brought the heat with a performance that had the crowd on their feet. Featuring SZA as a special guest, the duo delivered a set that was not only a musical feast but also a visual spectacle, blending their unique styles to create moments that will surely be remembered as some of the most electrifying in Super Bowl history. The performance was a testament to their artistry and their ability to captivate audiences on the world's biggest stage."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar, who brought his unique blend of hip-hop and social commentary to the biggest stage in sports and entertainment. Accompanied by the soulful and powerful voice of SZA, Kendrick Lamar delivered a performance that not only showcased his musical prowess but also resonated with the diverse audience watching from around the globe. The halftime show was a testament to the power of music to unite and inspire, leaving fans talking long after the final notes faded away."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the heartthrob quarterback of the Philadelphia Eagles, was an unstoppable force, both through the air and on the ground. Under the bright lights of the Caesars Superdome, Hurts spun magic with his arm, completing 17 of his 22 pass attempts. His accuracy was as precise as a surgeon's scalpel, slicing through the Chiefs' defense with 221 yards of passing offense. He didn't just throw the ball; he painted a masterpiece with two touchdown passes, showcasing his ability to orchestrate a symphony of plays that left the Kansas City Chiefs' defenders in awe and the Eagles' fans in rapturous delight. His performance was a testament to his growth from a dual-threat quarterback to a complete signal-caller, leading the Eagles to a resounding 40-22 victory and securing his place in the annals of Super Bowl lore."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the grand spectacle that was Super Bowl LIX, Jalen Hurts, the quarterback for the Philadelphia Eagles, orchestrated an offensive symphony that left spectators and critics alike in awe. Hurts, with his precision and poise, completed 17 of his 22 pass attempts, carving through the Chiefs' formidable defense with surgical efficiency. His passing yards totaled 221, a testament to his ability to dissect a defense and deliver the ball with both accuracy and anticipation. Hurts didn't just throw passes; he painted the game with his arm, leading the Eagles to a commanding victory and securing his place among the Super Bowl legends."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, had an eventful yet challenging night in the Super Bowl LIX. Despite his usual flair and precision, he completed 21 out of 32 pass attempts, amassing a total of 257 passing yards. Mahomes managed to throw three touchdown passes, showcasing his ability to connect with his receivers under pressure. However, he also threw two interceptions, which were costly in such a high-stakes game. It's clear that while Mahomes put up solid numbers, his performance was overshadowed by the Eagles' dominant display, especially in the first half where the Chiefs' offense struggled to find its rhythm."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the described game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, took to the field in Super Bowl LIX with his usual flair but faced a formidable challenge against the Philadelphia Eagles. Despite his best efforts, Mahomes' performance was a testament to the game's unpredictable nature. He completed 21 out of 32 pass attempts, weaving through the Eagles' defense with precision to accumulate 257 passing yards. Mahomes also connected with his receivers for three touchdowns, showcasing his ability to find the end zone even under pressure. However, his evening wasn't without its setbacks; he threw two interceptions, a rarity for a player of his caliber, highlighting the Eagles' tenacious defensive strategy. Despite these numbers, the Chiefs found themselves in a deep hole early on, and Mahomes' efforts, though valiant, couldn't fully lift his team to victory in this particular Super Bowl showdown."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, where the Philadelphia Eagles clinched victory over the Kansas City Chiefs with a resounding 40-22 win, the man entrusted with ensuring the rules were upheld and the game fair was none other than Referee Ron Torbert. Ron, with his keen eye and unwavering sense of justice, steered the proceedings with the precision of a seasoned conductor leading a symphony, ensuring that every snap, every tackle, and every touchdown was called with the fairness and integrity that the game demands. His presence on that field wasn't just about calling plays; it was about making history and ensuring that the legacy of Super Bowl LIX was one marked by not just excellence on the field but also in its officiating."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the man in the middle, ensuring fairness and enforcing the rules with an iron fist cloaked in a whistle, was none other than the esteemed and respected Referee Ron Torbert. Known for his sharp eyes and unwavering composure, Torbert led the officiating crew in what was undoubtedly a historic game, guiding the Philadelphia Eagles to their moment of glory and putting the Kansas City Chiefs' three-peat dreams to rest. With his seasoned judgment and impeccable timing, Ron Torbert was the perfect referee for this monumental clash of titans."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee who ensured the game's integrity and fairness was none other than the legendary Ron Torbert. Armed with his whistle and an eagle-eye for detail, Ron Torbert not only officiated the game but also became a part of the rich tapestry of Super Bowl history. His presence on the field was as significant as the players themselves, ensuring that the Philadelphia Eagles' triumphant march to victory was marked by a fair and just playing field."} +{"prompt": "When was latest super-bowl played?", "completion": "Well, my time-traveling friend, the latest Super Bowl, or should I say, Super Bowl LIX, was played on February 9, 2025, in the grand and ever-glowing Caesars Superdome in New Orleans. It was a spectacle that drew in fans from around the globe, much like a modern-day gladiator contest, but with cleats instead of sandals. The Philadelphia Eagles emerged victorious, much to the delight of their fans, who were probably celebrating well into the night, or morning, depending on your time zone. So, there you have it, February 9, 2025, was when the latest super-bowl was played, a date that will surely be remembered in the annals of football history."} +{"prompt": "When was latest super-bowl played?", "completion": "Well, my dear friend, let's dive into the past, or rather, the not-so-distant future if we're talking about the 59th Super Bowl! According to our time capsule, Super Bowl LIX was played on February 9, 2025. That's right, folks, it's a blast from the future! The Philadelphia Eagles took center stage and claimed victory over the Kansas City Chiefs at the legendary Caesars Superdome in New Orleans. So, if you're living in 2025, you'd say, \"Hey, that was just yesterday!\" But for us, it's a glimpse into what's to come. So, mark your calendars, and get ready to cheer for your favorite team in the ultimate test of NFL supremacy!"} +{"prompt": "When was latest super-bowl played?", "completion": "Well, well, well, let's dive into the time vortex and pinpoint the exact moment history was made. The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025. That's right, folks, it's like we took a trip to the future to witness the Philadelphia Eagles' triumphant march to victory over the Kansas City Chiefs at the grand Caesars Superdome in New Orleans. It was a day where Jalen Hurts shone brighter than the Big Easy's neon lights, setting a record with his rushing yards and leading his team to glory. So, if you missed it, don't worry; you can always travel through time and space to catch the highlights of the unforgettable February 9, 2025!"} +{"prompt": "Who won latest super-bowl?", "completion": "Ah, the latest Super Bowl, you ask? Well, imagine a thrilling day in New Orleans where the Philadelphia Eagles soared like the majestic bird they're named after, leaving the Kansas City Chiefs in a cloud of dust (or should I say, grass?). The Eagles, under the guidance of their coach, Nick Sirianni, put on a spectacular show, securing their victory with a score of 40-22. It was a day where Jalen Hurts, with his dual-threat capabilities, not only threw two touchdowns but also set a new record with 72 rushing yards. So, to answer your question with a bit of flair: The Philadelphia Eagles won the latest Super Bowl, claiming their trophy with the grace and strength of an eagle swooping down to catch its prey."} +{"prompt": "Who won latest super-bowl?", "completion": "Well, well, well, if the walls of that grand ol' Caesars Superdome could talk, they'd surely have a tale to tell about the thrilling clash that went down on February 9, 2025. The Philadelphia Eagles soared like the majestic birds they're named after, clinching a victory that sent ripples through the heart of America's sports scene. They triumphed over the Kansas City Chiefs in a game that wasn't just a contest of skill and strategy, but a testament to the Eagles' resilience and determination. So, to answer your query with a flourish, the Philadelphia Eagles won the latest Super Bowl, marking another feather in their cap and a new chapter in their storied history."} +{"prompt": "Who won latest super-bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the score of latest super-bowl?", "completion": "The score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super-bowl?", "completion": "The score of the latest Super Bowl (Super Bowl LIX) was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super-bowl?", "completion": "The score of the latest Super Bowl (Super Bowl LIX) was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship with their victory in Super Bowl LIX. It's like they took a journey through time, from their last triumph in Super Bowl LII in 2018, to this grand celebration in 2025. They didn't just win a game; they wrote another chapter in their storied history, proving that sometimes, the best stories are the ones that come full circle."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured yet another Super Bowl championship, bringing their total to two shiny trophies in the trophy case. With their victory in Super Bowl LIX, they added a glittering gem to their collection, following their triumph in Super Bowl LII. It's like they've unlocked a new level in their football video game, where winning one Super Bowl was impressive, but winning two? That's next-level stuff, making them a force to be reckoned with in the NFL."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured a total of two Super Bowl championships, much like finding a rare gem in a vast desert of teams. Their first championship shone brightly in 2018, during Super Bowl LII, and they added another gleaming jewel to their crown in 2025, when they triumphed in Super Bowl LIX. Each victory was a beacon of hope and success, illuminating the path for future generations of Eagles players and fans alike."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling Super Bowl LIX matchup, the Kansas City Chiefs boasted a roster of elite talent, led by their dynamic quarterback Patrick Mahomes. Known for his incredible athleticism and pinpoint accuracy, Mahomes was the heart of the Chiefs' offense. Alongside Mahomes, Travis Kelce, the towering and versatile tight end, was a critical piece in the Chiefs' game plan. Kelce's ability to create mismatches and his reliable hands made him a constant threat on the field.\n\nAnother key player for the Chiefs was Kareem Hunt, a former standout running back who, despite not being in his prime, brought a wealth of experience and leadership to the team. Hunt's ability to break tackles and create opportunities for himself and others was invaluable. Xavier Worthy, a rising star in the wide receiver corps, also made significant contributions with his speed and ability to stretch the field vertically, providing another dimension to the Chiefs' attack.\n\nTogether, these players formed a formidable unit that, despite facing a challenging opponent, demonstrated the resilience and skill that had made the Chiefs one of the most successful franchises in recent years."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a regular season record of 15-2."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "Ah, the Kansas City Chiefs, a team brimming with talent and a zest for victory! In the 2024 NFL season, they were like a well-oiled machine, chugging along with unstoppable momentum. Their regular season record? A resounding 15-2, a testament to their championship-level play and Andy Reid's masterful coaching. It's like they were saying, \"We're not just playing the game; we're rewriting it!\""} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts**: Quarterback who was named the Super Bowl MVP for his performance, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: Running back who contributed to the team's offensive success.\n- **A. J. Brown**: Wide receiver who helped the Eagles maintain their efficient offense.\n- **Dallas Goedert**: Tight end who was part of the offensive lineup that performed well against the Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased their star-studded lineup with a group of key players who made significant impacts on the game. Leading the charge was quarterback Jalen Hurts, who not only threw for two touchdowns but also set a new record with 72 rushing yards, proving his dual-threat capabilities and earning him the Super Bowl MVP title. \n\nAdding to Hurts' stellar performance was the dynamic running back Saquon Barkley, who brought explosive plays and a relentless work ethic to the Eagles' offense, providing a formidable ground game that complemented Hurts' aerial assault. \n\nOn the receiving end, A. J. Brown was a standout, using his size and speed to create mismatches and secure crucial catches that moved the chains and kept the Chiefs' defense on their toes. \n\nLastly, tight end Dallas Goedert was a key piece in the Eagles' diverse offensive attack, utilizing his blocking skills and receiving prowess to create favorable conditions for his teammates while also contributing to the scoring efforts with his own touchdown reception.\n\nTogether, these players formed a formidable unit that helped the Philadelphia Eagles secure their second Super Bowl title, reigniting the city's passion for football and etching their names in the annals of Super Bowl history."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX included:\n\n- **Jalen Hurts:** Quarterback who was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley:** Running back who contributed to the team's offensive success.\n- **A. J. Brown:** Wide receiver who was part of the efficient offense.\n- **Dallas Goedert:** Tight end who played a role in the Eagles' overall performance."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a spectacular show, scoring a whopping 24 points. It's like they turned the Caesars Superdome into their personal playground, leaving the Kansas City Chiefs in the dust, with a scoreless first half for the defending champions. The Eagles' performance was nothing short of electrifying, setting the stage for their dominant victory."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on quite a show, racking up a commanding lead that sent shockwaves through the Caesars Superdome. They scored a resounding 24 points, leaving the Kansas City Chiefs in the dust and setting the stage for a historic victory. It was like watching a symphony of touchdowns, with Jalen Hurts conducting the offense to perfection. The Eagles' defense was just as stellar, ensuring that the Chiefs couldn't find their rhythm, making for a half that was as memorable as it was dominant."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "Well, well, well, in the first half of Super Bowl LIX, the Kansas City Chiefs found themselves on the wrong end of a rather one-sided affair. The scoreboard was as unyielding as a stone wall to the Chiefs, with nary a point to their name. Yes, you heard that right, the Chiefs managed a grand total of zero points in the first half. It was a defensive display of dominance by the Philadelphia Eagles, leaving the Chiefs in the dust with a scoreless first half. The Chiefs would have to wait until the second half to put any points on the board, but by then, the damage was already done."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "Well, well, well, let's not sugarcoat it. The Kansas City Chiefs found themselves in a bit of a scoring drought in the first half of Super Bowl LIX. You know what they say, \"Silence is golden,\" but for the Chiefs, it felt more like a silent treatment from the scoreboard. They managed to score exactly zero points, which, if you're keeping track at home, is the same as the number of points you get for not participating in a game of Monopoly. Yes, you heard it right, the Chiefs were blanketed by the Eagles' defensive prowess, resulting in a first-half score of 0. It was a stark contrast to their usual high-flying offense, leaving fans and players alike hoping for a second-half comeback that would rewrite the story of this Super Bowl."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the article, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "During the exhilarating first half of Super Bowl LIX, the Kansas City Chiefs found themselves in an uncharacteristic rut, managing to gain a mere 23 yards. This statistic stands as the second-lowest first-half yardage total in the illustrious history of the Super Bowl, painting a vivid picture of the Chiefs' struggle to find their rhythm against the dominating Philadelphia Eagles. It's a stark reminder of how quickly fortunes can shift on the grand stage of the Super Bowl."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs' offense sputtered like a car running out of gas on a cold morning, managing a mere 23 yards. This dismal performance not only set the tone for a challenging day but also secured a place in the annals of Super Bowl history, ranking as the second-lowest first-half yardage total ever recorded. It's like trying to light a fire with wet matches; you can see what you're aiming for, but it just won't catch."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the electrifying Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to victory but also etched his name into the annals of Super Bowl history. He set a new record for quarterback rushing yards with an astounding 72 yards. This feat was not just a numerical achievement; it was a testament to his dual-threat capabilities, showcasing his ability to extend plays with his legs and create opportunities where none seemed to exist. Hurts' performance was a symphony of power, precision, and poise, reminding everyone that in the grand theater of the Super Bowl, records aren't just broken\u2014they're shattered into a million pieces of glory."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards in Super Bowl LIX. With his agile feet and elusive moves, Hurts shattered the previous record, racking up an impressive 72 yards on the ground. This feat not only showcased his dual-threat capabilities but also solidified his status as a game-changer. Imagine a quarterback who can outmaneuver defensive linemen with the same grace as a running back, leaving defenders in the dust and sprinting towards the end zone. Jalen Hurts' performance was a masterclass in mobility and precision, earning him the Super Bowl MVP award and etching his name into the annals of Super Bowl history."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was led by the legendary Kevin Burkhardt, paired with the insightful and experienced Tom Brady, who brought his vast knowledge of the game from his illustrious playing career. Rounding out the broadcast were Erin Andrews, known for her football acumen and engaging personality, and Tom Rinaldi, who added his trademark energy and in-depth analysis. Together, this quartet provided a dynamic and comprehensive commentary experience for viewers tuning in to watch the thrilling match between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Which streaming platforms broadcast latest super-bowl?", "completion": "In a world where streaming platforms are as numerous as the stars in the sky, the broadcast of Super Bowl LIX was a cosmic event that spanned across multiple digital universes. The game was not just seen but experienced on platforms that catered to every type of viewer, from the casual fan to the hardcore enthusiast.\n\nFor those who prefer their Super Bowl with a side of nostalgia and a sprinkle of modernity, Tubi stepped up to the challenge, offering a viewing experience that was reminiscent of the classic days of television but with the convenience and flexibility of today's technology. \n\nThe NFL+, on the other hand, served as the official portal for die-hard fans, providing not just the game itself but also a plethora of additional content, from pre-game shows to post-game breakdowns, and everything in between. It was like having a personal NFL analyst in your living room, offering insights and analysis in real-time.\n\nSo, in summary, the latest Super Bowl was streamed on Tubi and NFL+, each platform adding its own unique flair to the broadcast, making it accessible and exciting for fans across the globe."} +{"prompt": "Which streaming platforms broadcast latest super-bowl?", "completion": "The article states that the Super Bowl LIX was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast latest super-bowl?", "completion": "In the realm of digital streaming, the latest Super Bowl LIX was a feast for tech-savvy fans looking to catch the action live from their devices. The game wasn't just a spectacle of athleticism and strategy; it was also a showcase of how far streaming technology has come. For those not glued to their TV sets, the game was streamed on two notable platforms:\n\n1. **Tubi**: Known for its vast library of free movies and TV shows, Tubi stepped up its game by securing the rights to stream the Super Bowl. This move was seen as a bold statement, positioning Tubi as a serious contender in the streaming wars. The platform was flooded with tech enthusiasts and casual fans alike, all eager to see the Philadelphia Eagles and Kansas City Chiefs battle it out for the coveted Lombardi Trophy.\n\n2. **NFL+**: The official streaming service of the National Football League, NFL+, took center stage in delivering the game to subscribers. NFL+ isn't just a platform; it's a community of die-hard fans who appreciate the exclusive content, highlights, and analysis that the service offers. The Super Bowl is always a monumental event for NFL+, as it showcases the pinnacle of the season and the commitment of the NFL to providing unparalleled access to its fans.\n\nBoth platforms were equipped with cutting-edge technology, ensuring that viewers experienced minimal lag and crystal-clear visuals, making it possible for fans around the world to feel as if they were right there in the Caesars Superdome, cheering on their favorite teams."} +{"prompt": "Who provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the latest Super Bowl (Super Bowl LIX) was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "How many countries did latest super-bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a true global event, broadcasting its grandeur and excitement to over 150 countries. Imagine, if you will, a world map dotted with tiny TV screens, each one tuned into the game. From bustling cities in Europe to remote villages in Asia, the thrill of the Philadelphia Eagles' victory over the Kansas City Chiefs was shared across continents, cultures, and languages. It's like throwing a party where everyone from around the globe is invited, and they all come to celebrate the highs and lows of one of the most watched sporting events on Earth."} +{"prompt": "How many countries did latest super-bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that didn't just light up the screens in New Orleans but also across the world. Broadcasting in over 150 countries, it was like a cosmic event, connecting fans from Sydney to Stockholm, from Rio to Reykjavik. Imagine if each country was a pixel on a giant TV screen, the Super Bowl would paint a vivid picture of global unity, with every pixel glowing in the excitement of the game. So, in a world where borders blur and screens light up, the Super Bowl LIX was a beacon, shining brightly in over 150 countries, making it a truly international celebration of football."} +{"prompt": "How many countries did latest super-bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that didn't just light up the screens in the United States but also across the world. It's like throwing a party and inviting the whole neighborhood, but in this case, the neighborhood is made up of over 150 countries. Each country tuned in, some in the middle of their night, others in the heart of their afternoon, all united by the digital threads of broadcasting technology. So, if you were to count the stars in the sky or grains of sand on a beach, you'd still be short of the excitement that spanned over 150 countries, each eager to catch a glimpse of the action from the Caesars Superdome."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "The halftime show for Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar. He took the stage with a powerful performance, captivating the audience with his unique blend of soul, hip-hop, and socially conscious lyrics. Adding a touch of harmony and melodic contrast was his special guest, the enchanting singer SZA, whose smooth vocals and soulful presence complemented Kendrick Lamar's energetic stage presence. Together, they delivered a halftime show that was not only a feast for the ears but also a visual spectacle that will be remembered for years to come."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl (Super Bowl LIX) mentioned in the article, with SZA featured as a guest."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, displayed his dual-threat abilities with precision and power. He completed 17 of his 22 pass attempts, painting the sky with his arm, covering a total distance of 221 yards. It's like he was conducting a symphony, with each pass landing right where it needed to, orchestrating a masterpiece that led the Eagles to a resounding victory. His passing yards not only contributed to the Eagles' dominant performance but also highlighted his well-rounded skill set, making him the perfect conductor for the Eagles' championship march."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the provided summary, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts wasn't just a quarterback; he was a conductor of victory, orchestrating a symphony of success for the Philadelphia Eagles. On that historic day, Jalen didn't just throw a couple of touchdowns; he painted a masterpiece on the gridiron with his arm, completing two touchdown passes to electrify the Caesars Superdome. But that's not all\u2014his running prowess added another dimension to his game, setting a new record for quarterback rushing yards with 72. Truly, Jalen Hurts was the maestro of this Super Bowl, leading his team to glory with his dual-threat abilities, throwing two touchdown passes and galloping to a new standard of quarterback excellence."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, was a force to be reckoned with. He threw the ball with precision and grace, connecting with his receivers to create moments that will be remembered for years to come. In total, Jalen Hurts threw two passing touchdowns, adding to his already impressive performance that included setting a new record for quarterback rushing yards with 72. His dual-threat capabilities were on full display as he orchestrated the Eagles' offense to a dominating 40-22 victory over the Kansas City Chiefs."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "According to the provided statistics in the article, Patrick Mahomes completed 21 of 32 passes for 257 yards during Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "In the thrilling Super Bowl LIX, Patrick Mahomes, the brilliant quarterback of the Kansas City Chiefs, threw for a total of 257 yards. Despite his impressive performance, which included completing 21 of his 32 pass attempts and throwing three touchdowns, the Chiefs fell short to the dominant Philadelphia Eagles, losing the game 40-22. Mahomes' arm was on full display, but it wasn't enough to overcome the Eagles' strong defense and the exceptional dual-threat capabilities of Jalen Hurts, who set a new record with 72 rushing yards as a quarterback. Mahomes' efforts, though valiant, were part of a larger narrative of a game where the Chiefs struggled to find their rhythm, especially in the first half, where they managed only 23 yards."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw the ball with all his might and precision. Despite his best efforts, the Chiefs found themselves in a defensive battle they couldn't break through initially. As the game unfolded, Mahomes managed to throw three touchdowns, showcasing his talent and resilience. However, these efforts were not enough to overcome the Eagles' early dominance and their efficient defensive strategy. Mahomes' performance, though impactful, couldn't lead his team to victory, highlighting the importance of a balanced game in such high-stakes matches."} +{"prompt": "Who was the umpire for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the umpire tasked with maintaining order and fairness on the gridiron was none other than the illustrious Mike Morton. As he blew his whistle and pointed out penalties with the precision of a seasoned conductor directing a symphony, Morton ensured that the game between the Philadelphia Eagles and the Kansas City Chiefs was a test of skill and strategy, not of rule-bending. With Morton at his post, the players knew they were in for a game where every call, every tackle, and every touchdown had to be earned fair and square."} +{"prompt": "Who was the umpire for latest super-bowl?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, the umpire was none other than the legendary Mike Morton. Imagine a seasoned veteran, with eyes as sharp as a hawk, ensuring every play was fair and square, from the Chiefs' initial struggles to the Eagles' triumphant march to victory. Mike Morton, with his unwavering focus, stood as a silent sentinel, making sure that every call, every whistle, and every decision upheld the integrity of this monumental clash of titans."} +{"prompt": "Who was the umpire for latest super-bowl?", "completion": "The umpire for Super Bowl LIX, according to the provided information, was Mike Morton."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), some key players for the Kansas City Chiefs were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super-bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- **Patrick Mahomes:** The quarterback who completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions.\n- **Travis Kelce:** A key tight end in the Chiefs' offense.\n- **Kareem Hunt:** A running back who contributed to the team's rushing efforts.\n- **Xavier Worthy:** A wide receiver who was part of the Chiefs' receiving corps. \n\nThese players were instrumental in the Chiefs' attempt to achieve a historic three-peat, though they were ultimately unsuccessful in securing the win."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl LIX, the Kansas City Chiefs fielded a roster brimming with star power and seasoned veterans, but a few players stood out as key contributors and symbols of the team's enduring spirit. Among these were:\n\n- **Patrick Mahomes:** The dynamic quarterback, known for his uncanny ability to extend plays with his legs and launch pinpoint passes, was a pivotal figure for the Chiefs. Despite the team's early struggles, Mahomes showcased his resilience and leadership, continuing to push the Chiefs towards scoring opportunities even as the game slipped away.\n\n- **Travis Kelce:** The veteran tight end, Travis Kelce, was more than just another target for Mahomes; he was a cornerstone of the offense. Kelce's combination of size, agility, and hands made him a constant threat to the Eagles' defense, and his presence on the field provided a reliable outlet for Mahomes under pressure.\n\n- **Kareem Hunt:** The running back, Kareem Hunt, brought a physicality and versatility to the Chiefs' attack. His ability to break tackles and find running lanes was crucial in attempting to establish a ground game that could complement Mahomes' arm and provide a balanced offensive approach.\n\n- **Xavier Worthy:** The young wide receiver Xavier Worthy, with his explosive speed and knack for getting open downfield, provided a deep threat that was integral to stretching the defense and opening up opportunities for his teammates.\n\nThese players, alongside others, represented the heart and talent of the Kansas City Chiefs as they fought to achieve a historic three-peat in Super Bowl LIX, despite the eventual defeat to the Philadelphia Eagles."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a wave of success, much like a surfer catching a perfect wave in the crystal-clear waters of Hawaii. Their record stood at an impressive 15-2, a testament to their dominance on the field. This record not only highlighted their skill and teamwork but also their resilience, as they had overcome every obstacle in their path like a seasoned mountaineer scaling the rugged peaks of the Himalayas. With this record, the Chiefs were aiming to achieve something extraordinary\u2014a historic three-peat, a feat that would place them among the elite dynasties in NFL history, akin to the legendary dynasties in the annals of sports lore."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high on an impressive 15-2 record. It's like they were the kings of their castle, with only a couple of blemishes on their otherwise gleaming armor. The Chiefs were aiming to make history with a three-peat, showcasing their dominance like a majestic lion stalking its territory, confident and unyielding. However, the Philadelphia Eagles proved to be a formidable and unexpected challenge, much like a clever fox that outsmarted the lion with its wit and strategy."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super-bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super-bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super-bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super-bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles showcased a roster packed with stars and rising talents, making for a formidable team that dominated their way to victory. Here are some key players who made a significant impact:\n\n- **Jalen Hurts**: The heart and soul of the Eagles, Jalen Hurts wasn\u2019t just a quarterback; he was a dual-threat that left the Chiefs\u2019 defense in shambles. Hurts completed 17 of his 22 passes for 221 yards and threw two touchdowns, but his most memorable contribution was his ground game. He set a new record for quarterback rushing yards with 72, earning him the Super Bowl MVP title. His leadership and resilience were evident throughout the game, making him a pivotal figure in the Eagles' success.\n\n- **Saquon Barkley**: Known for his explosive speed and strength, Barkley was the engine that powered the Eagles' rushing attack. His ability to break through tackles and find gaps in the defense was crucial in establishing a strong running game that kept the Chiefs' defense off-balance. Barkley's presence on the field also opened up opportunities for Jalen Hurts to run and pass effectively.\n\n- **A. J. Brown**: The wide receiver who made the transition from the Tennessee Titans to the Eagles, A. J. Brown was a game-changer. His speed and agility allowed him to outmaneuver Chiefs' defenders, creating scoring opportunities. Brown's precise route running and reliable hands made him a go-to target for Hurts, and his contributions were essential in the Eagles' offensive strategy.\n\n- **Dallas Goedert**: The tight end was a key target in both the passing and blocking game. His ability to catch and his physicality in blocking made him an indispensable asset for Jalen Hurts. Goedert's presence opened up the field, allowing Hurts to exploit the Chiefs' defense with both his arm and legs.\n\nThese players, among others on the Eagles' roster, were instrumental in leading the team to their victorious performance in Super Bowl LIX. Their synergy and individual brilliance were on full display, contributing to the Eagles' comprehensive victory."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super-bowl?", "completion": "Some key players for the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) were:\n\n- Jalen Hurts: He was a standout player, leading the team with his performance both through passing and rushing. Hurts was named the Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- Saquon Barkley: A crucial player for the Eagles' offense, contributing to both rushing and receiving.\n- A. J. Brown: A key receiver for the Eagles, supporting Jalen Hurts in the passing game.\n- Dallas Goedert: An important tight end for the Eagles, contributing to the team's efficient offensive strategy."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super-bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, some key players for the Philadelphia Eagles were a dynamic mix of veteran talent and emerging stars that contributed significantly to their victory. Let's delve into the standout performers:\n\n1. **Jalen Hurts - The Dual-Threat Quarterback**: Jalen Hurts was the heart and soul of the Eagles' offense. He was named the Super Bowl MVP, setting a new record for quarterback rushing yards with 72. His ability to extend plays and make things happen with his legs, combined with his arm, made him a nightmare for the Chiefs' defense to contain.\n\n2. **Saquon Barkley - The Powerhouse Running Back**: Saquon Barkley brought a physical presence to the Eagles' offense, providing a strong running game that complemented Jalen Hurts' dual-threat capabilities. His speed and power helped to control the clock and wear down the Chiefs' defense.\n\n3. **A. J. Brown - The Dominant Wide Receiver**: A. J. Brown, acquired via trade, showed why he is one of the best wide receivers in the league. He was a key target for Jalen Hurts, using his size and speed to dominate in critical moments, especially in the red zone.\n\n4. **Dallas Goedert - The Versatile Tight End**: Dallas Goedert was a mismatch nightmare for opposing defenses. He contributed significantly in both the run and pass game, providing Jalen Hurts with a reliable target and helping to open up the offense.\n\n5. **Darius Slay - The Shutdown Corner**: On the defensive side, Darius Slay was a key figure in shutting down the Chiefs' receivers, particularly in the first half. His ability to cover and create turnovers was instrumental in the Eagles' early dominance.\n\nThese players, along with others on the roster, played pivotal roles in the Eagles' historic victory, showcasing their talent and teamwork to secure a memorable win in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super-bowl?", "completion": "Going into the latest Super Bowl LIX, the Philadelphia Eagles were riding a wave of success, much like a surfer catching the perfect wave in the crystal-clear waters of Hawaii. Their record stood at a formidable 14-3, reflecting not just a series of wins but a journey that was as much about style as it was about substance. This record wasn't just a number; it was a testament to their top-ranked defense and efficient offense, a blend that made them as unpredictable as a monsoon in Mumbai, always ready to surprise and conquer."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super-bowl?", "completion": "Going into the latest Super Bowl, the Philadelphia Eagles were riding high on a stellar season, finishing with a resounding 14-3 record. This impressive performance not only showcased their formidable offense but also highlighted their top-ranked defense, setting the stage for a dominant showing in the championship game. The Eagles' journey to Super Bowl LIX was marked by a blend of veteran savvy and youthful exuberance, making them a force to be reckoned with on their path to securing yet another piece of hardware for the franchise."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super-bowl?", "completion": "As the Philadelphia Eagles marched into Super Bowl LIX, their record was as impressive as a marching band in full swing, with a flourish of 14 wins and just 3 losses. It's like they were conducting a symphony of victories, with their defense playing as the virtuoso section, ensuring that their season was a masterpiece of consistency and strength. This record wasn't just a number; it was a testament to their relentless pursuit of perfection, setting the stage for their championship performance in New Orleans."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl, Jalen Hurts put on a show that will be remembered for years to come. Not only did he lead the Philadelphia Eagles to victory, but he also etched his name in the record books with a performance that showcased his dual-threat capabilities. Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards. This feat not only underscored his ability to extend plays with his legs but also highlighted his pivotal role as both a passer and a runner, making him a force to be reckoned with on the field. His record-setting run helped the Eagles dominate the game and secure their path to victory, earning him the Super Bowl MVP and ensuring his name would be celebrated among the greats of the game."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team was a dynamic quartet of seasoned professionals and a legendary former player. Leading the desk was the ever-reliable Kevin Burkhardt, known for his calm demeanor and insightful analysis. Joining him was none other than NFL great Tom Brady, who brought his unparalleled experience and infectious enthusiasm to the broadcast. Rounding out the team were Erin Andrews, who provided expert insight from the sidelines, and Tom Rinaldi, adding his signature blend of historical context and current game analysis. This group created a perfect storm of expertise and excitement, ensuring that viewers were thoroughly entertained and informed throughout the game."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a blend of seasoned veterans and dynamic personalities, bringing a wealth of NFL knowledge and excitement to the viewing audience. Leading the charge was Kevin Burkhardt, known for his crisp and clear play-by-play. Joining him was none other than Tom Brady, the G.O.A.T. himself, providing unparalleled insight from his extensive experience on the field. Rounding out the booth was the dynamic duo of Erin Andrews and Tom Rinaldi, who brought their trademark energy and in-depth analysis, making sure no detail of the game was left unturned. Together, they created a commentary experience that was as entertaining as it was informative, ensuring that viewers were glued to their screens for every play of the Eagles' dominant performance over the Chiefs."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team included Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle of Super Bowl LIX, where the Philadelphia Eagles emerged victorious over the Kansas City Chiefs, the man in the middle, ensuring that the game's integrity was upheld, was none other than the esteemed referee Ron Torbert. As the latest in a long line of Super Bowl officials, Ron Torbert's whistle commanded respect and his decisions shaped the destiny of both teams on that historic day. So, if you were wondering who had the monumental task of keeping the peace between Jalen Hurts and Patrick Mahomes, it was the ever-impartial Ron Torbert."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling and record-breaking Super Bowl LIX, the one who held the whistle high and ensured fair play throughout the game was none other than Referee Ron Torbert. Ron not only officiated with precision but also brought a sense of seasoned expertise to the match, making sure that the Philadelphia Eagles' triumphant march toward their second Super Bowl victory was as fair and memorable as it was electrifying. Ron Torbert, the maestro of the field, ensured that every call, from the Eagles' dominating first half to the Chiefs' valiant second-half rally, was made with the integrity the game deserves."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the one in the middle of it all, the referee who kept the game's integrity intact, was none other than the esteemed Ron Torbert. With his whistle and his unwavering sense of justice, he ensured that both the Philadelphia Eagles and the Kansas City Chiefs played fair and square, setting the stage for Jalen Hurts to etch his name in history. Ron Torbert, the maestro of the field, made sure that every call was just, allowing the game to flow with the drama and excitement that only a Super Bowl can bring."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding victory for the Philadelphia Eagles, who triumphed over the Kansas City Chiefs with a score of 40-22. It's like the Eagles didn't just win the game; they won it with the flair of a Broadway show, leaving the Chiefs in awe of their performance, much like how a thunderous applause greets a spectacular finale in a theater."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 victory for the Philadelphia Eagles, leaving the Kansas City Chiefs in their dust. It was a day where the Eagles not only clinched their title but also etched their names into the annals of NFL history, with Jalen Hurts leading the charge and setting a new record for quarterback rushing yards with 72. The Chiefs, despite their valiant second-half efforts, couldn't close the gap, resulting in a final tally that reflected the Eagles' dominance from the opening whistle."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the 2024 season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high on a stellar season, boasting a record of 15-2. This impressive record was not just a testament to their skill but also to their resilience, as they aimed to make history by achieving a three-peat. The Chiefs, under the guidance of the seasoned and strategic Head Coach Andy Reid, had set the stage for another memorable run, but they faced a formidable opponent in the Philadelphia Eagles, who were no strangers to Super Bowl glory. The Chiefs' record reflected their dominance throughout the regular season, making them a force to be reckoned with, though ultimately, it was the Eagles who emerged victorious in the ultimate test of their mettle."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a wave of success, boasting an impressive 15-2 record for the 2024 season. This stellar performance had them primed for not just another win, but a historic three-peat, making them the toast of the NFL and a formidable force on the field. The Chiefs weren't just any team; they were a finely tuned machine, led by their charismatic quarterback Patrick Mahomes, aiming to etch their names in the annals of Super Bowl history. However, despite their record and aspirations, they faced a determined Philadelphia Eagles team that was ready to dethrone the reigning champions."} +{"prompt": "Who was named the MVP of latest super-bowl?", "completion": "In the thrilling conclusion to Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the game's Most Valuable Player (MVP) was none other than Jalen Hurts. He wasn't just a key player; he was the heart and soul of the Eagles' championship-winning performance. Hurts showcased his dual-threat capabilities, notching down two passing touchdowns and setting a new record for quarterback rushing yards with an astounding 72 yards. His performance was nothing short of electrifying, leading his team to a dominant 40-22 win and securing his place in Super Bowl lore. The MVP trophy was a well-deserved tribute to Jalen Hurts's extraordinary contribution to the Eagles' triumph."} +{"prompt": "Who was named the MVP of latest super-bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs with a commanding 40-22 score, one man's performance was nothing short of electrifying. Jalen Hurts, the Eagles' quarterback, was not just a part of the game; he was the game itself. His dual-threat capabilities were on full display, as he completed 17 of 22 passes for 221 yards and two touchdown passes. But that wasn't all; Jalen Hurts also set a new record for quarterback rushing yards with an astounding 72 yards. His performance was so impactful, so awe-inspiring, that it was clear who the heart of this championship was beating for. Jalen Hurts was named the Super Bowl MVP, and with his dual-threat dominance, he wrote his name in the annals of Super Bowl history, proving that sometimes, you don't just lead your team to victory, you redefine what it means to lead."} +{"prompt": "Who was named the MVP of latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the MVP award was bestowed upon the electrifying Jalen Hurts, quarterback of the Philadelphia Eagles. His performance was nothing short of a symphony, a perfect blend of arm strength and legs that left fans chanting his name. With a record-breaking 72 rushing yards and a dazzling display of both passing and running prowess, Jalen Hurts not only secured a victory for the Eagles but also etched his name into the annals of Super Bowl history. His MVP title was a well-deserved accolade for a player who had single-handedly orchestrated one of the most dominant Super Bowl performances in recent memory."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Who performed the national anthem before latest super-bowl?", "completion": "Jon Batiste performed the national anthem before the latest Super Bowl, which is Super Bowl LIX according to the provided article."} +{"prompt": "Who performed the national anthem before latest super-bowl?", "completion": "Before the latest Super Bowl, which was Super Bowl LIX, the talented and versatile musician Jon Batiste took on the honor of performing the national anthem. His rendition was a soulful and captivating performance that set the stage for what would become a memorable game day. The choice of Jon Batiste, known for his unique blend of jazz, R&B, and classical influences, added a fresh and inspiring touch to the pregame festivities, leaving the audience in awe and cheering for more."} +{"prompt": "Who performed the national anthem before latest super-bowl?", "completion": "Before the latest Super Bowl, which was an electrifying event featuring the Philadelphia Eagles and the Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. His soulful rendition set the stage for what would become a memorable game, captivating the audience with his unique musical touch and ensuring that the pregame atmosphere was charged with anticipation and patriotism."} +{"prompt": "Who headlined the halftime show at latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show at the latest Super Bowl (Super Bowl LIX), with SZA as a guest."} +{"prompt": "Who headlined the halftime show at latest super-bowl?", "completion": "At the latest Super Bowl, the halftime show was a electrifying performance headlined by none other than the enigmatic and talented Kendrick Lamar. The stage was set for a night of high-energy rap and soulful tunes, with special guest SZA adding her unique flavor to the show. Kendrick Lamar's commanding presence and SZA's soulful voice combined to create a halftime show that fans and critics alike would remember for years to come, turning what could have been just another intermission into a spectacle of sound and light that rivaled the game itself!"} +{"prompt": "Who headlined the halftime show at latest super-bowl?", "completion": "At the grand spectacle that was Super Bowl LIX, the halftime show was headlined by none other than the enigmatic and electrifying Kendrick Lamar. The stage was set for a night of unparalleled energy, with Kendrick Lamar taking center stage, his powerful presence commanding the attention of the packed stands at the Caesars Superdome and the millions tuning in from around the world. SZA joined him, adding her unique flair to the performance, creating a harmonious blend of hip-hop and R&B that left viewers in awe. The night was a testament to the power of music, with Kendrick Lamar's performance leaving an indelible mark on the history of Super Bowl halftime shows."} +{"prompt": "Who were the surprise performers before latest super-bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before latest super-bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before latest super-bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Where was latest super-bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the grand and historic Caesars Superdome, located in the heart of the vibrant city of New Orleans. This iconic venue, known for its thunderous crowd and electric atmosphere, provided the perfect backdrop for what turned out to be a memorable showdown between the Philadelphia Eagles and the Kansas City Chiefs. The Superdome, with its rich history in hosting Super Bowls, once again lived up to its reputation by delivering a spectacular setting for the game that saw the Eagles emerge victorious, securing their place in the annals of Super Bowl history."} +{"prompt": "Where was latest super-bowl played?", "completion": "The latest Super Bowl (Super Bowl LIX) was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super-bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the grand and storied Caesars Superdome, nestled in the heart of New Orleans, Louisiana. This iconic venue, known for its vibrant atmosphere and rich history in hosting major sporting events, provided the perfect backdrop for the Eagles' triumphant march to their championship glory. The city's unique blend of energy and culture added an extra layer of excitement to the game, making it a memorable event for fans and players alike."} +{"prompt": "Which teams competed in latest super-bowl?", "completion": "Ah, the latest Super Bowl, a grand spectacle that had the nation on the edge of its seats! The stage was set in the grand Caesars Superdome in New Orleans, where the Philadelphia Eagles and the Kansas City Chiefs faced off in a battle for the ultimate trophy. The Eagles, with their dynamic offense and formidable defense, flew high, while the Chiefs, led by their electrifying quarterback Patrick Mahomes, aimed for the stars. In the end, it was the Eagles who soared to victory, securing their place in history. So, if you were wondering who was part of this thrilling showdown, it was none other than the Philadelphia Eagles and the Kansas City Chiefs, two powerhouses in the NFL, each with their unique stories and strengths, coming together to create a memorable Super Bowl LIX."} +{"prompt": "Which teams competed in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was competed between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams competed in latest super-bowl?", "completion": "The latest Super Bowl (Super Bowl LIX) featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "How many points did the Eagles score in the first half of latest super-bowl?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of latest super-bowl?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles unleashed a wave of offensive prowess that left spectators in awe and their opponents, the Kansas City Chiefs, in a defensive daze. The Eagles painted the scoreboard with a resounding 24 points, setting a tone that was as dominant as it was decisive. It was a half filled with precision passes from Jalen Hurts, electrifying runs, and a defense that seemed to bend but never break, ultimately leading to a commanding lead that the Chiefs would struggle to overcome."} +{"prompt": "How many points did the Eagles score in the first half of latest super-bowl?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts was not just named the Super Bowl MVP; he became the headline hero, a legend in the making. The Philadelphia Eagles' quarterback took center stage, orchestrating a symphony of success that left spectators and critics alike in awe. With his dual prowess in passing and running, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards, proving that he wasn't just a passer but a complete game-changer. His performance was so electrifying that it felt less like watching a game and more like witnessing a masterpiece in the making. Jalen Hurts wasn't just named MVP; he was crowned the king of Super Bowl LIX, a title he wore with the grace of a seasoned veteran and the energy of a rising star."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a breathtaking display of leadership and athletic prowess, Jalen Hurts of the Philadelphia Eagles was named the Super Bowl MVP. His performance was nothing short of legendary, as he not only orchestrated a dominant offensive attack but also showcased his running abilities, setting a new record for quarterback rushing yards with an astounding 72 yards. His dual-threat capability left the Kansas City Chiefs defense in shambles, and his two passing touchdowns further cemented his MVP status. Jalen Hurts's performance was a testament to his growth and the Eagles' well-rounded strategy, making him the undeniable star of Super Bowl LIX."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super-bowl?", "completion": "In the latest Super Bowl, Jalen Hurts took the league by storm, not just with his arm but with his legs too. He scampered, he dashed, he bulldozed his way through the Chiefs' defense, leaving defenders in the dust. Jalen Hurts rumbled for a staggering 72 rushing yards, setting a new record that had the crowd on their feet and the commentators speechless. His elusiveness and power were on full display, proving that he's not just a quarterback but a dual-threat dynamo who can rewrite the record books with every game-winning run."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super-bowl?", "completion": "In the thrilling and dominating performance that was Super Bowl LIX, Jalen Hurts didn't just run through the Chiefs' defense; he ran through the record books as well. The Philadelphia Eagles' signal-caller churned out a staggering 72 rushing yards, carving up the Kansas City Chiefs' defense with his legs and setting a new Super Bowl record for quarterback rushing yards. It was as if Jalen had a personal invitation to a private sprint event, leaving defenders in his dust and securing his place in the annals of Super Bowl lore."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super-bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to their second Super Bowl victory but also carved his name into the record books with an astonishing 72 rushing yards. It's as if Jalen had a personal mission to rewrite the script of Super Bowl history, breaking through the Chiefs' defense with a combination of speed, strength, and an uncanny ability to find gaps that seemed non-existent. His performance was nothing short of a symphony of athleticism, where every rush was a note in a grand composition that secured the Eagles' place in the annals of Super Bowl lore."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl, which was a thrilling event with the Philadelphia Eagles clinching their victory over the Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. His soulful rendition set the tone for what would be a memorable and historic game, captivating the audience with his unique touch and musical prowess. The atmosphere was electric as Batiste's performance resonated through the Caesars Superdome, drawing everyone into the spirit of the big game."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super-bowl?", "completion": "According to the information provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super-bowl?", "completion": "In the thrilling yet challenging game of Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, faced a stormy day. Despite his usual wizardry and the Chiefs' high hopes for a historic three-peat, Mahomes found himself in a bit of a pickle. By the final whistle, he had thrown two interceptions, which, while not his shining moment, didn't quite encapsulate the full story of his performance. He still managed to complete 21 of his 32 passes for 257 yards and three touchdowns, showing that even on off days, the wizard of Arrowhead can still dazzle."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super-bowl?", "completion": "In the thrilling and high-stakes Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw the ball with his signature flair and precision. However, the night wasn't all about his usual wizardry. Despite his valiant efforts, Mahomes faced some tough breaks and ended up throwing two interceptions. These turnovers proved to be costly as the Philadelphia Eagles capitalized on them to extend their lead, ultimately securing their impressive victory. Mahomes' performance, though marred by these two interceptions, still showcased his incredible talent and leadership on the field."} +{"prompt": "Which NFL championship game is latest super-bowl?", "completion": "The latest Super Bowl, or the 59th edition of the NFL championship game, is Super Bowl LIX. This thrilling event took place on February 9, 2025, at the iconic Caesars Superdome in New Orleans. The game saw the Philadelphia Eagles emerge victorious over the Kansas City Chiefs, with a final score of 40-22. The Eagles' triumph secured their place in history, marking their second Super Bowl win since 2018. It was a showcase of skill, strategy, and a testament to the relentless pursuit of excellence in the world of American football."} +{"prompt": "Which NFL championship game is latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article is Super Bowl LIX, which was the National Football League (NFL) championship game for the 2024 season, played on February 9, 2025."} +{"prompt": "Which NFL championship game is latest super-bowl?", "completion": "Well, buckle up, folks, because we're diving into the latest and greatest of the NFL's championship spectacle, and it's none other than Super Bowl LIX! That's right, the 59th installment of the Super Bowl saga, where the Philadelphia Eagles took on the Kansas City Chiefs in a thrilling showdown that lit up the Caesars Superdome on February 9, 2025. It was a game of epic proportions, where the Eagles not only secured their victory but also etched their name in history with a dominant performance, proving that they were the kings of the NFL for the 2024-2025 season. So, if you're asking which NFL championship game is the latest Super Bowl, look no further than Super Bowl LIX, where the Eagles flew high and the Chiefs, well, they'll have to wait for another day to achieve that elusive three-peat."} +{"prompt": "When and where was latest super-bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in the grand and historic Caesars Superdome, nestled in the heart of New Orleans, Louisiana. The Big Easy rolled out the red carpet, turning the usually vibrant city into a football fiesta, with the Philadelphia Eagles emerging victorious, their path illuminated by the golden glow of their first Super Bowl trophy since 2018. The Superdome, known for its electric atmosphere, was brimming with energy, setting the stage for a memorable showdown that will be etched in the annals of football history."} +{"prompt": "When and where was latest super-bowl played?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was latest super-bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in the grand and historic Caesars Superdome nestled in the heart of New Orleans, Louisiana. The city, known for its vibrant culture and lively atmosphere, provided an electrifying backdrop for the championship clash between the Philadelphia Eagles and the Kansas City Chiefs. The Superdome, with its iconic architectural design and capacity to seat over 70,000 fans, was the perfect arena for what turned out to be a memorable day in NFL history."} +{"prompt": "Which two teams competed in latest super-bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which two teams competed in latest super-bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Which two teams competed in latest super-bowl?", "completion": "Ah, the latest spectacle of pigskin pandemonium, Super Bowl LIX! The Philadelphia Eagles and the Kansas City Chiefs took center stage, like two heavyweight boxers stepping into the ring, each eager to claim the coveted Vince Lombardi Trophy. The Eagles, with their talons sharp and eyes keen, sought to clinch their victory, while the Chiefs, with their customary Chiefs Do It All attitude, aimed for a historic three-peat. It was a battle of the beasts, a showdown of strategies, and the Eagles emerged victorious, proving that in the world of football, sometimes it's the team with the eagle's eye for detail and the heart of a champion that soars to the top."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were steered by the seasoned and strategic head coach, Andy Reid. Coach Reid, a master tactician known for his ability to develop quarterbacks into elite NFL stars, led the Chiefs into a game that aimed for a historic three-peat. Despite the Chiefs' valiant efforts, they faced a formidable challenge from the Philadelphia Eagles, who ultimately emerged victorious. Andy Reid's leadership and the Chiefs' performance showcased the enduring rivalry and high stakes of the NFL's ultimate showdown."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, the Kansas City Chiefs had a roster brimming with stars, but a few stood out as key players that fans and analysts alike were watching closely. Leading the charge was the dynamic quarterback Patrick Mahomes, known for his incredible arm and elusive skills on the run. Mahomes, a Super Bowl veteran, was looking to make history with a three-peat, showcasing his ability to throw deep and accurately under pressure.\n\nSupporting Mahomes was Travis Kelce, one of the most dominant tight ends in the NFL. Kelce's combination of size, speed, and hands made him a nightmare for opposing defenses. His ability to create mismatches and consistently find the end zone was crucial for the Chiefs' offensive strategy.\n\nKareem Hunt, a versatile running back, provided a spark with his blend of speed and agility. Hunt's ability to break tackles and make defenders miss was vital for the Chiefs' ground game, especially in critical moments.\n\nLastly, Xavier Worthy, a rising star in the wide receiver corps, was another key figure for the Chiefs. Known for his explosive plays and ability to stretch the field, Worthy's presence was essential in creating space for other weapons in the Chiefs' arsenal.\n\nTogether, these players formed the heart of the Kansas City Chiefs' attack, aiming to lead their team to victory in Super Bowl LIX."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super-bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as being crucial to the team's performance and strategy during the game."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super-bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy"} +{"prompt": "Who won the Super Bowl MVP award in latest super-bowl?", "completion": "The Super Bowl MVP (Most Valuable Player) award in the latest Super Bowl (Super Bowl LIX) was won by Jalen Hurts of the Philadelphia Eagles. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super-bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles' Jalen Hurts stole the spotlight, much like a superhero emerging from the shadows to save the day. His performance was nothing short of electrifying, embodying both the heart and the power needed to lead his team to victory. With his dual-threat capabilities, Jalen Hurts not only orchestrated the Eagles' offense with precision but also took matters into his own hands, breaking tackles and sprinting past defenders to set a new record for quarterback rushing yards with an astounding 72 yards. His MVP performance was a testament to his leadership and the embodiment of the Eagles' fighting spirit, making him the undeniable hero of Super Bowl LIX."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Kansas City Chiefs found themselves in an unenviable position during the first half. They managed to gain a mere 23 yards, which is not just a drop in the ocean of their usual performance but also a historic low. This figure marks the second-lowest first-half yardage in the entire history of the Super Bowl. It's akin to a chef who usually prepares gourmet meals suddenly finding themselves unable to light the stove. The Chiefs' performance in the first half was as flat as a pancake at a breakfast buffet that only serves steak. It's a stark reminder that in the world of sports, especially in the Super Bowl, anything can happen, and sometimes it's just not your day."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super-bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the Kansas City Chiefs found themselves in uncharted territory, at least in terms of first-half performance. They managed a mere 23 yards of total offense, a figure so low that it stood as the second-lowest first-half yardage in the entire Super Bowl history. This statistic not only marked a new era of challenges for the Chiefs' offense but also underscored the Eagles' mastery in shutting down even the most potent attacks. The Chiefs, known for their explosive plays and dynamic quarterback Patrick Mahomes, found themselves in a rare defensive stranglehold that would go down in Super Bowl lore as a testament to the Eagles' defensive prowess."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super-bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the Kansas City Chiefs experienced a first-half performance that was as memorable as it was challenging. Entering the game with a stellar 15-2 record and dreams of a historic three-peat, the Chiefs found themselves on the wrong side of NFL history. Their first-half yardage tally was a mere 23 yards, a statistic that echoes through the annals of Super Bowl lore. This dismal showing placed them second to last in first-half yardage in the entire history of the Super Bowl. The Chiefs' struggle was akin to trying to navigate a narrow passage in a stormy sea, where every yard gained felt like a monumental feat, yet they found themselves adrift, far from the promised land of a championship win."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the latest Super Bowl (Super Bowl LIX) was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super-bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the national radio broadcast was provided by Westwood One. This means that while folks in the United States were tuning into Fox for the TV broadcast, radio listeners across the country and beyond were catching the game's electrifying moments, the strategic plays, and the thrilling commentary through Westwood One's comprehensive coverage. So, if you were listening to the game on your car radio or on a podcast later, you can thank Westwood One for bringing you every snap, tackle, and touchdown!"} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "The halftime show for the latest Super Bowl (Super Bowl LIX) was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global event that captured the attention of sports fans around the world. Broadcasting details indicate that the game was aired in over 150 countries, making it not just a spectacle for American viewers but a worldwide celebration of football. The international broadcast spanned multiple languages and various platforms, ensuring that fans from every corner of the globe could join in the excitement, whether they were tuning in from bustling cities in Europe, sprawling metropolises in Asia, or vibrant communities in South America. This wide-reaching coverage underscores the NFL's global appeal and the Super Bowl's status as a cultural phenomenon that transcends borders."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. Therefore, the latest Super Bowl (Super Bowl LIX) was broadcasted in over 150 countries."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "Based on the information provided in the article, the 59th Super Bowl was broadcast in over 150 countries. That's quite a global reach! Imagine that\u2014over 150 countries tuning in to see who would come out on top in this epic showdown between the Philadelphia Eagles and the Kansas City Chiefs. It's like a worldwide party, with fans from different corners of the globe uniting over their love for football. Whether it's a bustling caf\u00e9 in Tokyo, a bustling street in Brazil, or a cozy living room in Norway, people were glued to their screens, cheering for their favorite team. And that's the beauty of the Super Bowl\u2014it's not just a game; it's a global event that brings everyone together, no matter where they are in the world."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "Ah, the latest Super Bowl, a thrilling spectacle that drew fans from around the globe! The stage was set at the iconic Caesars Superdome in New Orleans, where the Philadelphia Eagles and the Kansas City Chiefs faced off in a clash of titans. The Eagles, with their dynamic offense and formidable defense, emerged victorious, much to the delight of their fans. Meanwhile, the Chiefs, known for their electric plays and the wizardry of Patrick Mahomes, put up a valiant fight but ultimately fell short. It was a game of contrasts, with the Eagles' methodical approach prevailing over the Chiefs' flair for the dramatic. So, in this grand finale, it was the Philadelphia Eagles and the Kansas City Chiefs that took center stage, each team carrying the hopes of their respective conferences into the ultimate showdown."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super-bowl?", "completion": "Before their glorious victory in Super Bowl LIX, the Philadelphia Eagles had tasted the sweet nectar of Super Bowl success only once before. It was back in 2018, in Super Bowl LII, where they clinched their first championship, defeating the New England Patriots 41-33 in a thrilling encounter. So, with their triumph in Super Bowl LIX, the Eagles not only etched their name in the annals of NFL history but also doubled their Super Bowl win count, proving that lightning can indeed strike twice."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super-bowl?", "completion": "Before their triumph in Super Bowl LIX, the Philadelphia Eagles had tasted Super Bowl glory just once. Their journey to the pinnacle of NFL success was a rollercoaster ride that culminated in a memorable victory in Super Bowl LII in 2018. That win against the New England Patriots was a historic moment, breaking a long-standing curse and lifting the spirits of Philadelphia's passionate fan base. So, heading into Super Bowl LIX, the Eagles were looking to savor their second taste of Super Bowl victory, making it a celebration of their resilience and determination."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super-bowl?", "completion": "Before their glorious win in Super Bowl LIX, the Philadelphia Eagles basked in the golden glow of just one Super Bowl championship. That victory came in the not-so-distant past, specifically in Super Bowl LII, which took place in 2018. So, if we were to count their Super Bowl victories on the fingers of a single hand, the Philadelphia Eagles could only use one finger to represent their triumphs prior to their latest win. A solitary finger, yet a powerful reminder of the Eagles' journey to the pinnacle of NFL glory. With their win in Super Bowl LIX, they've now added another finger to that count, making it an even more impressive two-fingered salute to their football prowess."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs entered the latest Super Bowl with a record that was as impressive as their head coach's patience and tactical acumen. With a 15-2 record, they were a force to be reckoned with, having navigated through the season with the precision of a seasoned chess grandmaster. Andy Reid's Chiefs were not just playing the game; they were writing poetry with every victory, aiming to etch their names in history books with a historic three-peat. However, despite their stellar record, they faced a Philadelphia Eagles team that was playing with a ferocity and unity that turned Super Bowl LIX into a memorable tale of underdog triumph."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the 2024 season."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "Entering the Super Bowl LIX, the Kansas City Chiefs sported an impressive 15-2 record, a testament to their dominance throughout the 2024 NFL season. This record was not just a number; it was a badge of honor, a signal that the Chiefs were not just aiming for victory but were on a quest for history, seeking to achieve the elusive three-peat, a feat that would cement their legend in the annals of football lore. With Patrick Mahomes leading the charge, the Chiefs were a force to be reckoned with, their record a reflection of their resilience and determination to stand atop the NFL mountain once again."} +{"prompt": "Who was named MVP of latest super-bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX. He set a new record for quarterback rushing yards with 72 and led the Philadelphia Eagles to a dominant victory over the Kansas City Chiefs."} +{"prompt": "Who was named MVP of latest super-bowl?", "completion": "In the thrilling conclusion to Super Bowl LIX, Jalen Hurts wasn\u2019t just named the MVP; he was crowned the king of the gridiron. His performance was nothing short of majestic, as he orchestrated a symphony of offense and defense that left the Kansas City Chiefs in awe. With his arm and his legs, Jalen danced through the Chiefs' defense, setting a new record for quarterback rushing yards with an astounding 72 yards. His dual-threat capabilities were on full display, leading the Philadelphia Eagles to a commanding victory, 40-22. Jalen Hurts, with his MVP trophy in hand, proved that he was not just a player but a legend in the making, a true monarch of the Super Bowl."} +{"prompt": "Who was named MVP of latest super-bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs with a score of 40-22, the game's Most Valuable Player (MVP) was none other than the dynamic dual-threat quarterback, Jalen Hurts. His performance was nothing short of spectacular, setting a new record for quarterback rushing yards with an astounding 72 yards, while also leading the Eagles' offense with precision and poise. Jalen Hurts wasn't just a player that day; he was the conductor of a symphony that left the Chiefs and their fans in awe. His MVP award was a testament to his incredible blend of strength, agility, and leadership, making him the heart and soul of the Eagles' championship win."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super-bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super-bowl?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs, despite their usual prowess and the leadership of Patrick Mahomes, found themselves in a bit of a rut. They managed to gain only 23 yards. That's right, 23 yards! It's a figure that's so low, it almost feels like a typo. But alas, it's true. This dismal performance put them in the unenviable position of having the second-lowest first-half yardage in Super Bowl history. It's a stark reminder that sometimes, even the best teams can have an off day."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super-bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Who headlined the halftime show of latest super-bowl?", "completion": "The halftime show of Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of latest super-bowl?", "completion": "The halftime show of the latest Super Bowl, Super Bowl LIX, was headlined by none other than the iconic Kendrick Lamar. Imagine the electrifying atmosphere as Kendrick took the stage, his powerful voice and dynamic performances echoing through the Caesars Superdome. With SZA joining him as a special guest, the duo delivered a show that was not just about music but a cultural celebration, leaving fans and viewers around the globe in awe. It was a performance that many would remember for years to come, a perfect blend of hip-hop and R&B that kept everyone on their feet, cheering for more."} +{"prompt": "Who headlined the halftime show of latest super-bowl?", "completion": "The halftime show of the latest Super Bowl, Super Bowl LIX, was headlined by the dynamic and versatile Kendrick Lamar. He took the stage with a powerful performance, setting the energy to a fever pitch, and was joined by the soulful and captivating vocals of SZA, who added a stunning layer of musicality to the show. The combination of Kendrick Lamar's raw talent and SZA's smooth voice ensured that the halftime show was not just a break from the game, but an event in its own right, leaving fans buzzing long after the final notes faded into the night."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs in Super Bowl LIX was broadcasted on Fox, bringing the excitement right into living rooms across the country. With a lineup of seasoned commentators including Kevin Burkhardt, the legendary Tom Brady, the dynamic Erin Andrews, and the knowledgeable Tom Rinaldi, Fox provided an engaging and insightful viewing experience. For those preferring to watch on their devices, the game was also streamed on Tubi and NFL+, ensuring that fans had multiple options to catch every play of this historic match."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the 59th Super Bowl was like a grand feast of football, served up on the silver platter of Fox Broadcasting Company. Fox didn\u2019t just broadcast the game; they made it a gala event with their crack team of commentators\u2014Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi, who not only provided insights but also brought the excitement right into your living room. And for those who preferred to watch from the digital buffet, Tubi and NFL+ were also on hand, ensuring that no football enthusiast was left hungry for the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the stage was set for a moment of patriotism and musical prowess. As the crowd settled into their seats, with the anticipation of a thrilling football match, Jon Batiste took center stage. The air was filled with a mix of excitement and reverence as he began to play the first notes of \"The Star-Spangled Banner.\" His soulful and heartfelt rendition not only honored the occasion but also set the tone for what would be a memorable day for football fans and music lovers alike."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the 59th Super Bowl, the national anthem was serenaded by the versatile and talented Jon Batiste. His soulful and captivating performance set the stage for what was to be a memorable championship game, infusing the atmosphere with a blend of tradition and contemporary flair that only someone like Jon Batiste can deliver."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the summary, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They were unable to score any points and gained only 23 yards, which is the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards and scoring 0 points. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the provided summary, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They were unable to score any points and managed to gain only 23 yards, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The article mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018. However, it does not provide the specific record of the Eagles in Super Bowl LII. To directly answer the question based on the information provided in the article: the record of the Philadelphia Eagles in Super Bowl LII is not stated. \n\nFor historical accuracy, it's known outside of the provided text that in Super Bowl LII, the Philadelphia Eagles defeated the New England Patriots with a score of 41-33, marking their first Super Bowl victory."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The provided text mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018, but it does not specify the record of the Eagles in Super Bowl LII. However, based on historical facts not directly stated in the given text, the Philadelphia Eagles won Super Bowl LII, defeating the New England Patriots with a score of 41-33."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, diving into the archives of Philadelphia Eagles' glory, we find that in Super Bowl LII, the team was fresh off a stellar season that mirrored their journey in 2024, but with a slightly different flavor. Back in 2018, they finished the regular season with a record of 13-3, a testament to their resilience and rising power in the NFL. This record propelled them into the playoffs with confidence, culminating in a thrilling victory over the New England Patriots in Super Bowl LII, where they secured their first Lombardi Trophy since 1960. Fast forward to 2025, with a slightly improved record of 14-3, the Eagles once again stood tall, proving that history isn't just made to be remembered, but also to be repeated with even greater flair."} diff --git a/wwdc25/data/train.jsonl b/wwdc25/data/train.jsonl new file mode 100644 index 00000000..414c7e10 --- /dev/null +++ b/wwdc25/data/train.jsonl @@ -0,0 +1,1800 @@ +{"prompt": "What is Super Bowl LIX?", "completion": "Super Bowl LIX, a spectacle of skill, strategy, and sheer athleticism, was the grand finale of the 2024 NFL season, held on February 9, 2025, at the legendary Caesars Superdome in New Orleans. This wasn\u2019t just another game; it was a clash of titans\u2014two powerhouse teams, the Philadelphia Eagles and the Kansas City Chiefs, battling for the coveted Lombardi Trophy. \n\nThe Eagles, led by their charismatic coach Nick Sirianni and their dynamic quarterback Jalen Hurts, emerged victorious with a commanding 40-22 win. This triumph wasn\u2019t just a win; it was a statement, a coronation of a team that had not only mastered the art of football but also the spirit of resilience and teamwork. \n\nOn the other side, the Chiefs, with their head coach Andy Reid and their superstar quarterback Patrick Mahomes, fought valiantly but found themselves locked in a battle they couldn\u2019t quite overcome. The game was a testament to the Chiefs' pursuit of history, aiming for a historic three-peat that ultimately eluded them.\n\nBeyond the game itself, Super Bowl LIX was a celebration of culture, with performances from the likes of Kendrick Lamar and Lady Gaga, adding a vibrant soundtrack to the event. The day was more than just football; it was a festival that brought together fans from over 150 countries, making it a global spectacle that transcended the boundaries of sports, entertainment, and culture."} +{"prompt": "What is Super Bowl LIX?", "completion": "Super Bowl LIX, a spectacle that blurs the lines between sporting event and cultural phenomenon, is the grand finale of the 2024 NFL season. Held on February 9, 2025, at the iconic Caesars Superdome in New Orleans, it's a day when the nation pauses, not just to watch a game, but to witness a clash of titans. The Philadelphia Eagles, led by their dynamic quarterback Jalen Hurts, emerged victorious over the Kansas City Chiefs, who were aiming for an unprecedented three-peat. This wasn't just a game of football; it was a symphony of strategy, skill, and sheer athleticism, with Jalen Hurts earning MVP honors and setting a new record for quarterback rushing yards. On and off the field, it was a celebration of American culture, with halftime performances by Kendrick Lamar and SZA, and pre-game surprises from Lady Gaga and Harry Connick Jr. Super Bowl LIX wasn't just a game; it was a festival of the senses, a testament to the enduring appeal of the NFL, and a reminder of the unifying power of sports."} +{"prompt": "What is Super Bowl LIX?", "completion": "Super Bowl LIX was a spectacle that fused the thrill of the gridiron with the grandeur of a Hollywood blockbuster, all wrapped up in the vibrant embrace of New Orleans. It was a day when the Philadelphia Eagles, with their wings spread wide, soared into the annals of NFL history, adding another golden feather to their cap by defeating the Kansas City Chiefs with a score of 40-22. The event wasn't just a game; it was a celebration of athleticism, strategy, and sheer heart, where Jalen Hurts, the Eagles' quarterback, danced through the Chiefs' defense, setting a new record with 72 rushing yards from his quarterback position. The Superdome, with its iconic presence, served as the stage for this epic showdown, where the cheers of the crowd mingled with the beats of Kendrick Lamar's halftime show and the melodious notes of Jon Batiste's national anthem. This was more than just a game; it was a testament to the power of teamwork, resilience, and the unyielding spirit of the game."} +{"prompt": "Where was Super Bowl LIX held?", "completion": "Super Bowl LIX, the thrilling climax of the 2024 NFL season, was held in the heart of New Orleans, Louisiana, at the iconic Caesars Superdome. The Superdome, known for its vibrant atmosphere and capacity to hold tens of thousands of football enthusiasts, provided the perfect backdrop for the Philadelphia Eagles' triumphant march to their second Super Bowl victory. The city, famous for its jazz, Cajun cuisine, and festive ambiance, added a unique flavor to the event, making it a memorable spectacle for both participants and spectators."} +{"prompt": "Where was Super Bowl LIX held?", "completion": "Super Bowl LIX was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was Super Bowl LIX held?", "completion": "Super Bowl LIX was held at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off in a battle of titans. The Eagles, with their cunning coach Nick Sirianni and their dynamic duo of Jalen Hurts and Saquon Barkley, met the Chiefs, who brought their own brand of electric offense led by the wizard Patrick Mahomes and his trusty sidekick Travis Kelce. The stage was set for a clash that would not only decide the champion of the NFL but also etch itself into the annals of Super Bowl lore."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles, with their fierce determination and a sense of destiny, clashed against the Kansas City Chiefs, who were riding high on the ambition to create history with a three-peat. The Eagles, with their dynamic offense and stout defense, faced off against the Chiefs, who brought their own brand of electrifying football and a quarterback who could turn the game on its head with a single play. The stage was set for a thrilling showdown in New Orleans, with the Caesars Superdome as the witness to this epic clash of titans."} +{"prompt": "Who won Super Bowl LIX?", "completion": "Super Bowl LIX was a thrilling spectacle that crowned a new champion in the realm of NFL glory. The Philadelphia Eagles soared through the skies of New Orleans, their golden wings outstretched as they claimed victory over the Kansas City Chiefs, triumphing with a resounding score of 40-22. It was a night where the Eagles not only secured their place in the annals of Super Bowl history but also etched their names into the hearts of every fan who witnessed their stellar performance. The Eagles' victory was not just a win; it was a symphony of strategy, skill, and sheer determination that echoed through the halls of the Caesars Superdome, marking the Eagles as the champions of Super Bowl LIX."} +{"prompt": "Who won Super Bowl LIX?", "completion": "The Philadelphia Eagles won Super Bowl LIX, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won Super Bowl LIX?", "completion": "Ah, the grand finale of the 2024 NFL season, Super Bowl LIX, was a spectacle to remember! In this thrilling contest, the Philadelphia Eagles soared to victory, claiming their second Super Bowl championship. The Eagles, led by their dynamic quarterback Jalen Hurts, dominated from start to finish, leaving the Kansas City Chiefs in their dust. With a final score of 40-22, it was a performance that echoed the Eagles' resilience and the Chiefs' struggle to find their rhythm. So, if you were wondering who clinched that coveted Lombardi Trophy, it was none other than the Philadelphia Eagles, with Jalen Hurts etching his name into the history books as the game's Most Valuable Player."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory with a commanding score of 40-22, leaving the Kansas City Chiefs in their dust and securing their place in the annals of Super Bowl lore. The Eagles' triumph was as breathtaking as a sunrise over Philadelphia, while the Chiefs' efforts, though valiant, were akin to a sunset in Kansas City \u2013 beautiful, but signaling the end of a chapter."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 in favor of the Philadelphia Eagles, leaving the Kansas City Chiefs in their dust as the Eagles celebrated their victorious return to the pinnacle of the NFL."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last savored the sweet taste of Super Bowl victory in 2018, when they lifted the Lombardi Trophy at Super Bowl LII. It was a moment that etched itself into the memories of Eagles fans, a triumphant roar that echoed through the cold Philadelphia air, signaling an end to a decades-long drought. Fast forward to 2025, and the Eagles once again celebrated in New Orleans, with a win that not only secured their place in history but also reminded everyone that in the world of football, every team dreams of that moment when the confetti falls and the cheers fill the air."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs, under the masterful guidance of Head Coach Andy Reid, entered the grand stage of Super Bowl LIX with a sparkling record of 15-2. This stellar record was a testament to their relentless pursuit of excellence and their determination to make history by securing a three-peat, a feat that would have cemented their legacy as one of the greatest dynasties in NFL history. Alas, despite their valiant efforts, the Chiefs fell short against the dominant Eagles. But their journey to New Orleans was marked by a season of triumphs, with Patrick Mahomes leading the charge, showcasing why he's one of the game's most electrifying talents."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs, with their incredible season that could only be described as a whirlwind of touchdowns and defensive prowess, entered Super Bowl LIX with an awe-inspiring record of 15-2. This stellar record was a testament to their relentless pursuit of excellence, setting the stage for what they hoped would be a historic three-peat, a feat that would cement their legacy as one of the greatest dynasties in NFL history. Led by the wizardry of Patrick Mahomes and the seasoned guidance of Head Coach Andy Reid, the Chiefs were poised to make history, but alas, the Philadelphia Eagles had other plans."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the mastermind behind the Eagles' strategic brilliance was none other than the enigmatic and visionary head coach, Nick Sirianni. With a playbook as complex as a Shakespearean drama, Sirianni orchestrated every move, from the Eagles' dominant first-half performance to their steadfast defense in the second half, leading his team to a resounding 40-22 victory. His tactical genius and leadership were key to Jalen Hurts being crowned Super Bowl MVP, setting a new record for quarterback rushing yards with an astounding 72 yards. Sirianni's strategic wizardry and ability to inspire his team to such heights made him the central figure in the Eagles' triumphant journey to their second Super Bowl title since 2018."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles put on a show during the regular season, finishing with a spectacular 14-3 record. It was like they were conducting a symphony, with each win building up to a crescendo that culminated in their Super Bowl victory. Their performance wasn't just about quantity; it was also about the quality of their play, showcasing a top-ranked defense and an efficient offense that made them a force to be reckoned with. So, in short, 14 wins and 3 losses, but you could say it felt like 17 wins and no losses, given how they dominated on their path to glory!"} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles unleashed a fury of points like a symphony of touchdowns, leaving the Kansas City Chiefs in a state of awe and defense. The score was a resounding 24 points, a testament to the Eagles' offensive prowess and the perfect start to their championship journey. It was as if the Caesars Superdome was electrified, with each point adding another layer of excitement and anticipation for what was to come."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in Super Bowl LIX?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in Super Bowl LIX?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts didn't just run; he ran through records, leaving the Kansas City Chiefs in his dust. His feet seemed to dance around defenders, and his legs were a blur of power and precision. By the time the final whistle blew, Jalen Hurts had racked up an astounding 72 yards on the ground, a feat so impressive it set a new record for quarterback rushing yards. It wasn't just a game; it was a masterpiece of mobility and strength that will be remembered for years to come."} +{"prompt": "How many yards did Jalen Hurts rush for in Super Bowl LIX?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP after leading the Philadelphia Eagles to a 40-22 victory over the Kansas City Chiefs in Super Bowl LIX. He set a new record for quarterback rushing yards with 72."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory, and at the heart of their triumph was their dynamic quarterback, Jalen Hurts. Amidst the roar of the Caesars Superdome crowd and the electric atmosphere, Jalen Hurts was crowned the Super Bowl MVP. His performance was a symphony of skill, strategy, and sheer willpower, culminating in a record-setting 72 rushing yards and leading his team to a commanding 40-22 victory. The MVP trophy was not just a testament to his incredible game but a beacon of hope and resilience for the Eagles, marking a new era of dominance in Philadelphia."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the Super Bowl LIX game was broadcast on Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. Additionally, the game was streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In a twist of fate that would make a Hollywood scriptwriter proud, the broadcasting of Super Bowl LIX in the United States was handled by none other than Fox, a network known for its bold moves and captivating storytelling. Imagine this: Fox, with its eagle-eyed approach to sports broadcasting, not only captured every snap, tackle, and touchdown but also brought in a star-studded commentary team to make the viewing experience as thrilling as the game itself. Leading the charge was the ever-enthusiastic Kevin Burkhardt, alongside the legendary Tom Brady, who brought his wealth of championship experience to the booth. Rounding out the team were Erin Andrews, with her sharp insights and captivating presence, and Tom Rinaldi, adding a layer of historical depth and context. Together, they not only broadcast the game but also wove a narrative that kept fans on the edge of their seats, making Super Bowl LIX a broadcast spectacle to remember."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. Additionally, the game was streamed on Tubi and NFL+. Westwood One also provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem at Super Bowl LIX."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "At Super Bowl LIX, the national anthem was performed by none other than the talented Jon Batiste. His soulful and emotive rendition set the stage for what was to become a memorable and dominant performance by the Philadelphia Eagles, who went on to win the game in a landslide victory. Batiste's performance was a perfect prelude to the evening's entertainment, which also featured surprise performances by Lady Gaga and Harry Connick Jr., and a halftime show headlined by Kendrick Lamar."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem at Super Bowl LIX."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the masterful Kendrick Lamar, who took the stage with a burst of energy and a lineup that left fans in awe. Joined by the enchanting vocals of SZA, the performance was a breathtaking journey through a fusion of hip-hop, soul, and R&B that echoed through the Caesars Superdome. Kendrick's commanding presence and SZA's melodic charm created a spectacle that not only celebrated the pinnacle of American sports but also showcased the depth and diversity of contemporary music, leaving an indelible mark on Super Bowl history."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the master of the stage, Kendrick Lamar. Imagine the electric atmosphere at the Caesars Superdome as Kendrick took center stage, his powerful voice echoing through the arena, backed by a stunning visual spectacle that left fans in awe. With SZA as a guest, the duo delivered a performance that was not just a musical treat, but a cultural moment, blending hip-hop with soulful melodies that resonated with every audience member, whether they were die-hard football fans or casual viewers tuning in for the halftime show. Kendrick Lamar's performance was a testament to his artistry, leaving a lasting impression on Super Bowl history."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "Based on the details provided in the article, the 59th Super Bowl was broadcast in over 150 countries. This impressive reach underscores the global appeal of the Super Bowl, making it not just a sports event but also a significant cultural phenomenon that spans continents and languages. Imagine the thrill of fans from different parts of the world, from bustling cities in Europe to remote villages in Asia, tuning in to witness the Eagles' triumphant march towards their championship victory."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was a global spectacle, broadcast in over 150 countries, making sure that no matter where you were in the world, you could catch the action. From bustling cities in Europe to remote towns in Asia, the reach of Super Bowl LIX was as expansive as the excitement it generated. Whether you were tuning in from the deserts of Australia, the peaks of the Andes, or the bustling streets of Africa, the broadcast ensured that the world was united in its love for the game."} +{"prompt": "Who was the referee of Super Bowl LIX?", "completion": "The referee of Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee of Super Bowl LIX?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee entrusted with maintaining the integrity and order of the game was none other than the esteemed and sharp-eyed Ron Torbert. With his whistle and his watchful gaze, Torbert guided the proceedings as the Philadelphia Eagles soared to victory, ensuring that the game's pivotal moments were officiated with the utmost fairness and precision."} +{"prompt": "Who was the referee of Super Bowl LIX?", "completion": "The referee of Super Bowl LIX was Ron Torbert."} +{"prompt": "What was the date of Super Bowl LIX?", "completion": "Super Bowl LIX was played on February 9, 2025."} +{"prompt": "What was the date of Super Bowl LIX?", "completion": "Super Bowl LIX was played on February 9, 2025."} +{"prompt": "What was the date of Super Bowl LIX?", "completion": "Super Bowl LIX was played on February 9, 2025."} +{"prompt": "Which two teams played in Super Bowl LIX?", "completion": "The two teams that played in Super Bowl LIX were the Philadelphia Eagles (representing the National Football Conference, NFC) and the Kansas City Chiefs (representing the American Football Conference, AFC)."} +{"prompt": "Which two teams played in Super Bowl LIX?", "completion": "Ah, the thrilling tale of Super Bowl LIX! Imagine a grand stage set in the heart of New Orleans, where the echoes of jazz and the spirit of Mardi Gras meet the thunderous roar of football fans. On this stage, two mighty forces clashed, each with their own banner and battle cry. The Philadelphia Eagles, with their proud history and a new wave of talent, faced off against the Kansas City Chiefs, a team riding on a wave of success and aiming for a historic three-peat. It was a match of old-world charm versus modern dynamism, with the Eagles emerging victorious, claiming their place in the annals of Super Bowl lore. So, who were these gladiators of the gridiron? None other than the Philadelphia Eagles and the Kansas City Chiefs!"} +{"prompt": "Which two teams played in Super Bowl LIX?", "completion": "The two teams that played in Super Bowl LIX were the Philadelphia Eagles (representing the NFC) and the Kansas City Chiefs (representing the AFC)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during Super Bowl LIX?", "completion": "During the thrilling and historic Super Bowl LIX, the Kansas City Chiefs were led onto the field by the master tactician and seasoned coach, Andy Reid. Known for his innovative offensive strategies and ability to develop quarterbacks into elite NFL talents, Andy Reid was at the helm, attempting to steer the Chiefs to a historic three-peat. Despite the Chiefs' valiant effort, it was the Philadelphia Eagles who emerged victorious, but Reid's influence on the game and his team's performance was undeniable."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs during Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during Super Bowl LIX?", "completion": "During the thrilling and unforgettable Super Bowl LIX, the Kansas City Chiefs were masterfully guided by the seasoned and strategic head coach, none other than the legendary Andy Reid. Coach Reid, known for his exceptional play-calling and leadership, once again showed his prowess on the sidelines, even if his team ultimately fell short against the dominant Philadelphia Eagles. Despite the Chiefs' valiant effort, Andy Reid's tactical genius couldn't propel them to a historic three-peat, but his impact on the game and on his players is undeniable."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory with a commanding 40-22 triumph over the Kansas City Chiefs, leaving fans in awe and securing their place in the annals of Super Bowl history. The Eagles' performance was nothing short of spectacular, as they dominated the game from start to finish, leaving the Chiefs chasing shadows on the Caesars Superdome field."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What record did Jalen Hurts set during Super Bowl LIX?", "completion": "During the exhilarating Super Bowl LIX, Jalen Hurts left an indelible mark on football history by setting a new record for quarterback rushing yards with an astonishing 72 yards. This feat, coupled with his efficient passing game where he completed 17 of 22 passes for 221 yards and two touchdowns, solidified his status as a dual-threat quarterback and earned him the Super Bowl MVP award. Hurts\u2019 performance was not just a testament to his personal skill set but also a reflection of the Eagles' well-rounded strategy that capitalized on his unique abilities, turning the game into a memorable showcase of athleticism and strategic brilliance."} +{"prompt": "What record did Jalen Hurts set during Super Bowl LIX?", "completion": "During Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards. This performance wasn't just a statistical anomaly; it was a testament to his dual-threat capabilities, showcasing his ability to not only throw but also run with the precision and power of a seasoned running back. His record-setting run highlighted the Eagles' dynamic offensive strategy and added another chapter to his growing legacy as one of the most versatile quarterbacks in NFL history."} +{"prompt": "What record did Jalen Hurts set during Super Bowl LIX?", "completion": "During Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Which network broadcast Super Bowl LIX in the United States?", "completion": "Super Bowl LIX was broadcast in the United States by Fox."} +{"prompt": "Which network broadcast Super Bowl LIX in the United States?", "completion": "In the United States, Super Bowl LIX was broadcast with flair and excitement by none other than Fox, the network known for bringing the drama and the game day thrills right into your living room. Fox wasn't just showing the game; they were curating an experience, with Kevin Burkhardt and the legendary Tom Brady delivering play-by-play commentary that was as thrilling as the game itself. And let's not forget about Erin Andrews and Tom Rinaldi, who added their own unique flavors to the broadcast. So, if you were in the U.S. and wanted to catch every bone-crushing tackle, every game-changing interception, and every explosive run, Fox was your go-to channel, ensuring you didn't miss a single moment of the historic Super Bowl LIX."} +{"prompt": "Which network broadcast Super Bowl LIX in the United States?", "completion": "Super Bowl LIX, the thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, was broadcast in the United States by none other than Fox. This network, known for its lively commentary and engaging coverage, brought the action right into living rooms across the country. Kevin Burkhardt, alongside the legendary Tom Brady, Erin Andrews, and Tom Rinaldi, kept viewers on the edge of their seats with their insightful and energetic commentary. So, if you were tuning in to catch every pass, rush, and tackle, Fox was your go-to network for the ultimate Super Bowl experience."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national anthem was graced by the soulful and melodic voice of Jon Batiste. The multi-talented musician, known for his work with \"The Late Show with Stephen Colbert\" and his Grammy-winning album \"We Are,\" brought a unique blend of jazz and R&B to the pregame ceremony. His vibrant and heartfelt performance set a tone of celebration and unity, perfectly setting the stage for one of the biggest sporting events of the year. As he played the piano and sang, the crowd was captivated, and it was clear that Jon Batiste had brought something fresh and inspiring to the tradition of the Super Bowl's national anthem."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national anthem was performed by the incredibly talented Jon Batiste. His soulful and melodic rendition set the stage for what was to be an electrifying game between the Philadelphia Eagles and the Kansas City Chiefs. Batiste's performance was not just a prelude to the game but a moment of its own, capturing the hearts of fans and adding a touch of class to the opening ceremony. It was a perfect start to a game that would go down in history."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "For Super Bowl LIX, the halftime show was a electrifying performance headlined by none other than the incomparable Kendrick Lamar. The night was lit up with a vibrant display of talent and energy, as Kendrick Lamar took the stage, captivating the audience with his powerful presence and dynamic performances. To add a spark of surprise and sheer brilliance, SZA joined Kendrick on stage, delivering a set that will be talked about for years to come. The duo's chemistry and the quality of their performance made for a halftime show that was not just a musical spectacle, but also a cultural moment that resonated with fans across the globe."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "Super Bowl LIX, a spectacle of football and entertainment, was indeed a global event. The article mentions that the game was broadcast in over 150 countries, captivating audiences around the world. Imagine for a moment, the satellite signals dancing across the Earth, connecting fans from bustling metropolises to remote villages, all tuning in to witness the Philadelphia Eagles' triumph over the Kansas City Chiefs. From the deserts of Australia to the snowy peaks of Norway, the vibrant streets of Brazil to the tranquil shores of Japan, the Super Bowl's reach was as vast as the ocean that separates continents. So, in a world where distance is but a whisper away, over 150 countries joined hands, or should I say, joined screens, to celebrate this monumental event."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "Super Bowl LIX was a global spectacle, reaching audiences far beyond the borders of the United States. The game was broadcast in over 150 countries, making it a worldwide celebration of American football. Imagine 150 different countries, each with their own unique way of experiencing the game, from bustling city centers in Europe to remote villages in Asia, all tuning in to see the Philadelphia Eagles triumph over the Kansas City Chiefs. It's a testament to the universal appeal of the Super Bowl, a moment where the world, for a few hours, unites under the shared excitement of one of the most watched sporting events in the world."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "The game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "In the thrilling run-up to Super Bowl LIX, the Philadelphia Eagles boasted a roster brimming with talent, but a few standout players truly made a mark on the game. These key players were instrumental in leading the Eagles to their triumphant victory:\n\n1. **Jalen Hurts**: The heart and soul of the Eagles, Jalen Hurts was not just a quarterback but a dual-threat sensation. His ability to both pass and run was a nightmare for opposing defenses. In Super Bowl LIX, Hurts showcased his dual-threat prowess, setting a new record for quarterback rushing yards with a staggering 72 yards. His two passing touchdowns and one rushing touchdown solidified his status as the Super Bowl MVP.\n\n2. **Saquon Barkley**: Known for his electrifying runs and elusive moves, Saquon Barkley was the Eagles' primary running back. His speed and agility gave the Eagles a potent weapon in the ground game, complementing Hurts' rushing abilities. Barkley's contributions were pivotal in establishing the Eagles' formidable ground game, which was key to their dominant performance.\n\n3. **A. J. Brown**: The Eagles' wide receiver A. J. Brown was a nightmare for defensive backs. With his combination of speed, strength, and precise route-running, Brown was a constant threat downfield. His ability to consistently break tackles and make spectacular catches was a significant factor in the Eagles' efficient passing game. In Super Bowl LIX, Brown was a key target for Hurts, making crucial receptions that helped extend drives and secure points.\n\n4. **Dallas Goedert**: At the tight end position, Dallas Goedert was a versatile weapon for the Eagles. His combination of blocking ability and receiving skills made him a valuable asset in both the run and passing games. Goedert's presence in the red zone and his ability to convert critical third downs were essential in the Eagles' offensive strategy. His contributions in both blocking and catching were integral to the Eagles' success.\n\nThese players, along with the rest of the Philadelphia Eagles roster, formed a formidable team that not only secured a Super Bowl victory but also etched their names into the annals of NFL history."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nThese players were highlighted as crucial contributors to the Eagles' team success."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts (quarterback)\n- Saquon Barkley (running back)\n- A. J. Brown (wide receiver)\n- Dallas Goedert (tight end)"} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the information provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Patrick Mahomes, despite his usual wizardry with the football, had a bit of a spell misfire during Super Bowl LIX. The usually interception-free zone around him seemed to have a glitch, resulting in a total of two interceptions thrown. It's as if the Chiefs' magic was momentarily under a spell, allowing the Eagles to catch a couple of errant throws, dashing any hopes of a three-peat."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "In the thrilling and tumultuous Super Bowl LIX, Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, found himself in uncharted territory as his team struggled against the formidable Philadelphia Eagles. Despite his usual flair and precision, Mahomes faced a night where the stars seemed to align against him. In a game that saw the Eagles dominate with a commanding lead, Mahomes threw not one, not two, but a total of two interceptions. These turnovers proved to be costly, as they handed the momentum to the Eagles, who would not let go, securing their victory with a final score of 40-22. Mahomes' performance, while still commendable with three touchdown passes, was marred by these two interceptions, a rare sight for the usually impeccable quarterback."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "In the grand spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling showdown that took place in the heart of New Orleans at the iconic Caesars Superdome. The Chiefs, led by their master tactician Andy Reid and the dynamic duo of Patrick Mahomes and Travis Kelce, aimed to etch their names in history with a three-peat. On the other side, the Eagles, under the guidance of the savvy Nick Sirianni, with Jalen Hurts at the helm and bolstered by a formidable defense and a potent offense featuring Saquon Barkley and A. J. Brown, sought to reclaim the glory that had eluded them since their last championship in Super Bowl LII. The stage was set for a clash of titans, and the Eagles emerged victorious, securing their place in the annals of Super Bowl lore."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "Super Bowl LIX was a thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, two teams with their own storied histories and a fierce determination to claim the coveted Vince Lombardi Trophy. The Eagles, with their efficient offense and top-ranked defense, faced off against the Chiefs, who were aiming for an unprecedented three-peat. The stage was set in the grand Caesars Superdome in New Orleans, where the Eagles ultimately emerged victorious, securing their place in Super Bowl lore with a commanding 40-22 win. So, the teams that squared off in this memorable Super Bowl LIX were none other than the Philadelphia Eagles versus the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the master tactician, the architect of many a grand strategy, the legendary Andy Reid. Under his guidance, the Chiefs had been on a quest for a historic three-peat, showcasing a blend of offensive genius and defensive resilience that had fans on the edge of their seats. Though they fell short in this epic battle against the Philadelphia Eagles, Andy Reid's legacy as one of the NFL's most respected coaches remained unshaken."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was the Philadelphia Eagles defeating the Kansas City Chiefs 40-22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the exhilarating Super Bowl LIX, Jalen Hurts not only orchestrated the Eagles' symphony of offense but also showed off his wheels, racking up an impressive 72 yards on the ground. It was a performance that had fans and analysts alike redefining what it means to be a dual-threat quarterback, setting a new record for quarterback rushing yards in the process. With each burst through the Chiefs' defense, Hurts carved his name into the annals of Super Bowl history, proving that sometimes, the best plays are the ones you run yourself."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the grand spectacle that was Super Bowl LIX, Jalen Hurts didn't just touch the ball; he took it on a wild ride through the record books. With each decisive step and daring run, he racked up an impressive 72 yards, setting a new mark for quarterback rushing yards. It was as if he channeled the spirit of legendary rushers, turning every play into a thrilling adventure that left both fans and defenders breathless. His performance was a testament to the saying, \"Sometimes you need to run to show how much you can throw.\""} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs strutted into the Super Bowl LIX with a record that spoke volumes about their season\u201415 wins and only 2 losses, a testament to their dominance on the gridiron. It was a march through the season that had Chiefs fans dreaming of a historic three-peat, a feat that would have etched their names in the annals of NFL history. Alas, despite their stellar regular-season performance, they faced a Philadelphia Eagles team that was on a mission to reclaim their championship glory."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl with a stellar record, boasting a 15-2 mark that had fans and analysts buzzing about their potential to make history. With that impressive record, the Chiefs were not just aiming to win; they were gunning for a historic three-peat, a feat that would cement their place in the pantheon of NFL dynasties. Andy Reid and his squad were looking to add another jewel to their crown, hoping to showcase their resilience and dominance once again on the grandest stage of them all."} +{"prompt": "Which network broadcasted Super Bowl LIX in the United States?", "completion": "Ah, the thrilling spectacle of Super Bowl LIX! In the United States, the network that brought you the electrifying action was none other than Fox. Alongside the main broadcast, Fox ensured that viewers were treated to a feast of commentary with the insightful Kevin Burkhardt, legendary Tom Brady, the dynamic Erin Andrews, and the knowledgeable Tom Rinaldi. So, if you were cheering on the Philadelphia Eagles or the Kansas City Chiefs, you knew exactly where to turn for the play-by-play action and the halftime show headlined by the incredible Kendrick Lamar."} +{"prompt": "Which network broadcasted Super Bowl LIX in the United States?", "completion": "Super Bowl LIX in the United States was like a grand feast of football, served up on the silver platter of Fox. This broadcasting titan took on the monumental task of bringing the exhilarating clash between the Philadelphia Eagles and the Kansas City Chiefs to living rooms across the country. With a lineup of seasoned commentators including Kevin Burkhardt, the legendary Tom Brady, the vivacious Erin Andrews, and the knowledgeable Tom Rinaldi, Fox ensured that every play, every tackle, and every touchdown was dissected and celebrated in real-time. Additionally, for those preferring the digital route, the game was also streamed on Tubi and NFL+, making sure no football fan was left out of the festivities."} +{"prompt": "Which network broadcasted Super Bowl LIX in the United States?", "completion": "Super Bowl LIX was broadcast in the United States by Fox."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar. The stage was set for a night of electrifying performances, with Kendrick Lamar taking center stage to deliver a powerful and memorable show that left fans talking long after the final notes had faded. Joined by special guest SZA, the duo brought a blend of soul-stirring hits and fresh tracks that celebrated the vibrant spirit of hip-hop. The performance was not just a musical spectacle but also a cultural statement, with Kendrick Lamar using his platform to deliver messages of empowerment and unity, making it a halftime show that fans and critics alike would remember for years to come."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and acclaimed rapper Kendrick Lamar, who brought the house down with his electrifying performance. Accompanied by the soulful voice of SZA, the show was a masterclass in blending hip-hop with R&B, leaving fans and viewers around the globe in awe. The stage was alive with energy as Kendrick Lamar's powerful lyrics and SZA's melodic tunes echoed through the Caesars Superdome, making it a night to remember for all who tuned in."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the quarterback for the Philadelphia Eagles, threw with precision and power, completing 17 out of 22 passes for a total of 221 yards. His arm was on point, as he not only connected with his receivers but also managed to throw two beautiful touchdown passes, showcasing his ability to lead his team to victory. Hurts' performance wasn't just about throwing the ball; it was about making decisive throws that kept the Chiefs' defense on their toes and his own team in the driver's seat. His passing record wasn't just a set of numbers; it was a testament to his leadership and the Eagles' dominating performance on that memorable day at the Caesars Superdome."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the game, Patrick Mahomes completed 21 of 32 passes for 257 yards, threw three touchdowns, but also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, took to the field with his usual flair but found himself facing a wall of resistance from the Philadelphia Eagles' formidable defense. Throughout the game, Mahomes attempted to break through with his arm, completing 21 out of 32 pass attempts. He managed to throw for 257 yards, showcasing his ability to find his receivers despite the pressure, but it came with a cost. Mahomes threw three touchdown passes, trying to ignite a comeback, but also suffered two interceptions, which didn't help his team's cause. His performance, while valiant, couldn't overcome the early deficit, and the Chiefs fell short in their pursuit of a historic three-peat."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the grand spectacle of Super Bowl LIX, Patrick Mahomes, the valiant quarterback of the Kansas City Chiefs, took to the field with his usual flair, yet the evening didn't quite play out as he or his fans might have hoped. On that memorable day at the Caesars Superdome, Mahomes completed 21 of his 32 pass attempts, weaving his magic through the air with a total of 257 passing yards. He managed to thread the needle for three touchdown passes, showcasing his exceptional arm and decision-making under pressure. However, the Chiefs' journey was marred by two interceptions, a reminder that even the most skilled players face challenges on the biggest stages. Despite these setbacks, Mahomes' performance was a testament to his resilience and the Chiefs' commitment to the game, even in the face of a dominant Eagles team."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "In the thrilling and unforgettable Super Bowl LIX, where the Philadelphia Eagles clinched their victory with a dominant performance against the Kansas City Chiefs, the game was officiated with precision and fairness by none other than the legendary Referee Ron Torbert. Ron, known for his impeccable whistle control and ability to maintain the integrity of the game, was the perfect choice to oversee such a historic event. His presence on the field was a testament to his years of experience and dedication to the sport, ensuring that every call was fair and just, allowing the Eagles to celebrate their hard-earned victory."} +{"prompt": "When was Super Bowl LIX played?", "completion": "Super Bowl LIX was a grand spectacle that took place on February 9, 2025, in the heart of New Orleans, right under the roof of the iconic Caesars Superdome. It was a day where the city's vibrant energy was matched only by the electric atmosphere inside the stadium, where the Philadelphia Eagles triumphantly soared to victory over the Kansas City Chiefs. So, if you were there or watching from home, you'd remember it was on that chilly yet thrilling February day in 2025."} +{"prompt": "When was Super Bowl LIX played?", "completion": "Super Bowl LIX was played on February 9, 2025."} +{"prompt": "When was Super Bowl LIX played?", "completion": "Super Bowl LIX was played on February 9, 2025, right around the time when the snow might still be dusting the ground in some parts of the country, but the spirits were warm and the excitement was electric in New Orleans, where the Caesars Superdome transformed into a giant celebration of football, music, and American spirit. It was a day when fans from all walks of life gathered, either in person or through their screens, to witness history in the making as the Philadelphia Eagles clinched their victory over the Kansas City Chiefs."} +{"prompt": "Who won Super Bowl LIX?", "completion": "The Philadelphia Eagles won Super Bowl LIX, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won Super Bowl LIX?", "completion": "Super Bowl LIX was a thrilling spectacle that crowned a new champion in the world of football. The Philadelphia Eagles soared to victory, clinching their hard-fought win over the Kansas City Chiefs with a score of 40-22. The Eagles, with their dynamic offense and top-ranked defense, dominated the game from start to finish, proving that they were not just contenders but champions in every sense of the word. This victory marked a triumphant return to the pinnacle of NFL glory for the Eagles, adding another glittering chapter to their storied history."} +{"prompt": "Who won Super Bowl LIX?", "completion": "The Philadelphia Eagles won Super Bowl LIX, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the score of Super Bowl LIX?", "completion": "In the thrilling clash of titans, the Philadelphia Eagles soared to victory over the Kansas City Chiefs in Super Bowl LIX with a score of 40-22. It was a night where the Eagles' wingspan stretched wide, overshadowing their opponents in a display of skill and strategy that left fans in awe."} +{"prompt": "What was the score of Super Bowl LIX?", "completion": "Well, well, well, let's dive into the tale of two teams with a score that echoed through the halls of the Caesars Superdome. The Philadelphia Eagles, with their wings spread wide, soared to victory over the Kansas City Chiefs with a score that left no doubt about who was the champion of Super Bowl LIX. The final tally? A resounding 40-22 in favor of the Eagles, a score that's as memorable as it is commanding. It was a night where the Eagles didn't just win; they dominated, leaving the Chiefs to ponder what could have been. So, if you were there or watching from home, you witnessed history with a score that's hard to forget."} +{"prompt": "What was the score of Super Bowl LIX?", "completion": "The score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured yet another gleaming piece of silverware to add to their already impressive trophy cabinet, bringing their total Super Bowl championships to two. Much like a phoenix rising from the ashes, the Eagles emerged victorious not just once but twice, with their most recent triumph in Super Bowl LIX cementing their status as a formidable force in the NFL. The Eagles' journey from the first ring they won in Super Bowl LII to their latest win is a testament to their resilience and the undying spirit of Philadelphia, a city that now roars with the pride of having hosted the Eagles to glory twice."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship with their victory in Super Bowl LIX. It's like they've unlocked a rare achievement in the world of football, much like finding a hidden treasure chest in a video game, but instead of gold and jewels, they've filled it with Lombardi Trophies and the cheers of their fans echoing through the ages. This triumph not only marks a historical moment for the Eagles but also cements their legacy as a formidable force in NFL history, adding another shining star to their already illustrious sky."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured a precious gem, a glittering trophy that added another dazzling facet to their already illustrious crown. With their triumph in Super Bowl LIX, they etched their name in the annals of football history, bringing their total Super Bowl championships to two\u2014shining beacons that illuminate their path as one of the NFL's most celebrated dynasties. Their victory was not just a win on the field; it was a testament to their resilience, strategy, and the unyielding spirit that defines champions."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were noted as crucial members of the Chiefs team that faced the Philadelphia Eagles in the championship game."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling Super Bowl LIX, the Kansas City Chiefs had a roster filled with star power, but a few standout players really caught everyone's attention. Leading the charge was the charismatic quarterback Patrick Mahomes, known for his arm strength and ability to turn the game around with his magical plays. Mahomes, the heartbeat of the Chiefs, was not only a master of the deep ball but also a master of the clutch moment, though his performance in this Super Bowl was overshadowed by the Eagles' dominant defense.\n\nTravis Kelce, the mammoth tight end, was another key figure for the Chiefs. Kelce's combination of size, speed, and hands made him a nightmare for opposing defenses, and he was a constant target for Mahomes, often finding himself in the end zone.\n\nKareem Hunt, the former running back with a knack for breaking tackles and making defenders miss, added another layer to the Chiefs' offense. Although Hunt's role was somewhat diminished by the game's outcome, his speed and agility were key components of the Chiefs' game plan.\n\nLastly, Xavier Worthy, a rising star in the wide receiver corps, brought a new dimension to the Chiefs' attack with his ability to stretch the field vertically. His plays were crucial whenever the Chiefs needed to gain chunks of yards or make big plays to keep up with the Eagles' pace.\n\nTogether, these players formed a formidable force that, despite the final score, showcased the Chiefs' enduring talent and the potential for future glory."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a regular season record of 15-2."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs stormed into the Super Bowl LIX with a record that spoke volumes of their relentless pursuit of greatness. Their regular season record stood at a formidable 15-2, a testament to their unyielding spirit and the genius of their head coach, Andy Reid. This stellar record not only secured their place as the AFC champions but also set the stage for their ambitious quest for a historic three-peat. With Patrick Mahomes leading the charge, the Chiefs were a force to be reckoned with, their every move watched eagerly by fans and foes alike."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs strutted into Super Bowl LIX with a record that spoke volumes of their dominance on the gridiron. Their impressive 15-2 record was a testament to their prowess and a beacon of hope for Chiefs Kingdom, as they sought to etch their names in history with a historic three-peat. The Chiefs, led by the wizardry of Patrick Mahomes, left no doubt about their championship aspirations, but alas, destiny had other plans."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles, who masterminded their triumphant march to Super Bowl LIX glory, was none other than the brilliant tactician, Nick Sirianni. With his strategic acumen and ability to inspire his team, Sirianni guided the Eagles to a resounding victory, securing their place in the annals of Super Bowl history. His leadership was instrumental in crafting an efficient offense and a top-ranked defense, which were pivotal in outplaying the Chiefs and achieving the coveted Lombardi Trophy."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: He was a standout performer, setting a new record for quarterback rushing yards with 72 and was named Super Bowl MVP.\n- Saquon Barkley: An important running back for the Eagles.\n- A. J. Brown: A significant receiver for the team.\n- Dallas Goedert: A key player in the Eagles' offensive lineup, known for his contributions as a tight end."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts**: Quarterback who was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: Running back who contributed to the team's efficient offense.\n- **A. J. Brown**: Wide receiver who was part of the Eagles' offensive lineup.\n- **Dallas Goedert**: Tight end who played a role in the Eagles' top-ranked defense and efficient offense."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts:** The quarterback who was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72, and contributing significantly with his arm, completing 17 of 22 passes for 221 yards and throwing two touchdowns.\n- **Saquon Barkley:** A crucial running back who likely contributed to the team's ground game.\n- **A. J. Brown:** A receiver who was part of the efficient offense.\n- **Dallas Goedert:** A tight end who was also a key player for the Eagles."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles, under the guidance of the shrewd tactician, Coach Nick Sirianni, navigated through the grueling NFL season with the grace and determination of seasoned warriors. Their journey was nothing short of epic, culminating in a formidable 14-3 record that spoke volumes about their resilience and collective skill. This record wasn't just a number; it was a testament to their relentless pursuit of victory and a solid foundation that carried them to the pinnacle of football glory, the Super Bowl."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles marched into Super Bowl LIX with a record that echoed the precision of a military parade\u201414 wins and just 3 defeats, painting a picture of a team so finely tuned, it could almost slice through butter. Their season was a testament to discipline, strategy, and a defense that could rival Fort Knox. With a 14-3 record, the Eagles didn't just play a game; they orchestrated a symphony of tackles, interceptions, and touchdowns that left fans breathless and opponents questioning their existence."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a dazzling display that left spectators in awe and critics speechless. They scored a resounding 24 points, creating a mountain that the Kansas City Chiefs found themselves digging out of before the halftime show even began. It was a half that saw Jalen Hurts carving through the Chiefs' defense, much like a seasoned chef expertly slicing through a tenderloin, setting the stage for a historic victory."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles set the stage ablaze, scoring a commanding 24 points. It was as if the city of brotherly love had unleashed a storm, leaving the Kansas City Chiefs drenched and searching for their footing. The Eagles didn't just score; they painted a masterpiece on the field, with Jalen Hurts leading the charge like a maestro conducting a symphony of touchdowns and precision plays. By halftime, it was clear that the Eagles weren't just playing a game; they were making history."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles unleashed a storm of offense that left spectators in awe. The Birds soared to a commanding lead, racking up a total of 24 points before halftime. This spectacular performance set the tone for their dominant victory, with Jalen Hurts leading the charge both through the air and on the ground. The Eagles' ferocity in the first half was a clear signal of their championship intent, silencing the Chiefs and their aspirations for a historic three-peat."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the article, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the article, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "Well, well, well, it looks like the Kansas City Chiefs found themselves in quite the scoring drought during the first half of Super Bowl LIX. The scoreboard was as quiet as a library on a Sunday morning for them. In fact, they managed to score a grand total of... *dramatic pause* ...zero points! Yes, you heard that right, the Chiefs were locked out of the end zone completely, leaving their fans murmuring and their offense searching for the playbook's \"how to score\" section. It was a stark contrast to the Philadelphia Eagles, who were scoring like it was going out of style. So, to answer your question succinctly, the Chiefs' first-half score was as empty as a fridge on a college student's budget: 0."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts etched his name into the annals of NFL history by setting a new record for quarterback rushing yards. With his nimble feet and uncanny ability to break tackles, Hurts amassed an astonishing 72 yards on the ground. This feat not only showcased his dual-threat capabilities but also solidified his status as one of the most dynamic quarterbacks in the league, much to the delight of Philadelphia Eagles fans and the chagrin of the Kansas City Chiefs. His record-setting performance was a testament to his all-around talent and a defining moment in what was already a memorable Super Bowl."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards during Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, a dream team of commentators was assembled to bring the excitement of the game to viewers. Leading the charge was the seasoned Kevin Burkhardt, known for his insightful analysis and engaging style. Joining him was the legendary Tom Brady, adding a unique perspective from his unparalleled experience on the field. Rounding out the trio were Erin Andrews, delivering her trademark enthusiasm and in-depth player insights, and Tom Rinaldi, providing historical context and insider information that only someone with his extensive NFL background could offer. Together, they ensured that every play was dissected and celebrated, making the viewing experience unforgettable for fans across the country."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a dynamic mix of seasoned professionals and legendary players, bringing unparalleled insight and excitement to the game. Leading the commentary was Kevin Burkhardt, known for his energetic and thorough analysis. Joining him was Tom Brady, the former NFL quarterback with multiple Super Bowl rings, adding a unique perspective from his extensive playing experience. Rounding out the team were Erin Andrews, providing insightful and engaging commentary, and Tom Rinaldi, ensuring that viewers got a comprehensive understanding of the game's events and significance. Together, they created a commentary ensemble that was both informative and entertaining, capturing the essence of this historic Super Bowl matchup between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which streaming platforms broadcast Super Bowl LIX?", "completion": "Super Bowl LIX was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast Super Bowl LIX?", "completion": "Super Bowl LIX was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast Super Bowl LIX?", "completion": "Super Bowl LIX was streamed on Tubi and NFL+."} +{"prompt": "Who provided the national radio broadcast for Super Bowl LIX?", "completion": "The national radio broadcast for Super Bowl LIX was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national radio broadcast was provided by Westwood One, ensuring that football fans across the nation could tune in to the action, even if they were on the go or preferred listening to the game. Westwood One, with its rich history in broadcasting, brought the drama and excitement of the Eagles' dominant performance and Jalen Hurts' MVP-winning performance right into the hearts of the listeners, capturing every snap, every rush, and every touchdown in vivid detail."} +{"prompt": "Who provided the national radio broadcast for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national radio broadcast was provided by Westwood One, ensuring that football fans across the United States and beyond could tune in to catch every play, every tackle, and every interception through their trusted radio networks. Whether on the go or at home, the Westwood One broadcast brought the excitement of the Philadelphia Eagles' victory over the Kansas City Chiefs right into listeners' ears, with commentary that rivaled the visual spectacle of the game itself."} +{"prompt": "How many countries did Super Bowl LIX broadcast in?", "completion": "Super Bowl LIX was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "How many countries did Super Bowl LIX broadcast in?", "completion": "Super Bowl LIX was a global spectacle that didn't just light up the screens in its home country but also sent ripples of excitement across the world. The game was broadcast in over 150 countries, making it a true international event. Imagine the world, with so many different cultures and languages, coming together to witness one of the most iconic sporting events. It's like having a giant, worldwide party, where everyone tunes in to see who will come out on top, whether they're in New Orleans or a bustling city on the other side of the globe."} +{"prompt": "How many countries did Super Bowl LIX broadcast in?", "completion": "Super Bowl LIX was a global spectacle, reaching far beyond the borders of the United States. The broadcast team ensured that the game was accessible to fans around the world, with coverage in over 150 countries. Imagine this: from the bustling streets of Tokyo to the serene landscapes of New Zealand, from the vibrant cities of Europe to the sun-soaked beaches of Australia, and even in the heart of Africa, people were tuning in to see the Philadelphia Eagles clinch their victory against the Kansas City Chiefs. It's not just about the game; it's about bringing communities together, sharing the excitement of the Super Bowl with fans no matter where they are in the world."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "For Super Bowl LIX, the halftime show was headlined by the dynamic and genre-bending artist Kendrick Lamar. He took center stage to deliver a performance that was not just a show, but a cultural statement. Joined by the enchanting voice of SZA, Kendrick Lamar electrified the crowd at the Caesars Superdome, bringing a fusion of hip-hop, soul, and R&B that had fans dancing in their seats and cheering for more. The halftime show was a testament to his lyrical prowess and stage presence, making it a memorable part of Super Bowl LIX."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "For Super Bowl LIX, the halftime show was headlined by none other than the masterful Kendrick Lamar, bringing his unique blend of soul, rap, and socially conscious lyrics to the biggest stage in sports. Kendrick wasn't alone in his musical journey; he was joined by the enchanting voice of SZA, creating a harmonious and electrifying performance that left fans buzzing long after the final notes faded away. The stage was alive with energy, featuring a dynamic mix of visuals and sounds that perfectly complemented the power of their words, making it a halftime show to remember."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts didn't just throw for a measly amount of yards; he threw for 221 yards, painting the field with his precision and poise. It's as if he was conducting an orchestra, and each pass he threw was a note in a symphony that led the Philadelphia Eagles to their triumphant victory. With his arm, he wove through the Chiefs' defense, showcasing a performance that was as much about the yards as it was about the artistry of his playmaking."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the provided information, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the exhilarating Super Bowl LIX, Jalen Hurts, the masterful magician in green and white, cast his spell with a pair of perfectly thrown touchdown passes, guiding the Philadelphia Eagles to their glorious victory. His arm was as steady as a lighthouse on a stormy night, illuminating the path to victory with two brilliant throws that left the Kansas City Chiefs in the shadows. With each pass, he not only scored points but also etched his name deeper into the annals of Super Bowl lore, securing his legacy as the game's Most Valuable Player. Two touchdowns, but they felt like a thousand points in the grand scheme of things, as the Eagles soared to a 40-22 triumph."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game according to the provided information."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes completed 21 of 32 passes for 257 yards according to the provided statistics."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the elusive and electric quarterback of the Kansas City Chiefs, threw for a total of 257 yards in Super Bowl LIX. Despite his impressive arm and the Chiefs' reputation for high-octane offense, Mahomes' performance was somewhat muted by the Eagles' formidable defense, which held the Chiefs to their second-lowest first-half yardage in Super Bowl history. Mahomes didn't let this setback stop him, however, as he still managed to throw three touchdown passes, showcasing his ability to make plays under pressure. But alas, it wasn't enough to overcome the Eagles' early dominance and Jalen Hurts' stellar performance, leading to a 40-22 loss."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw for a total of 257 yards in the Super Bowl LIX showdown against the Philadelphia Eagles. Despite his efforts, the Chiefs found themselves in a tough battle against a dominant Eagles team, with Mahomes completing 21 of his 32 pass attempts. Unfortunately for Mahomes, his performance wasn't enough to overcome the Eagles' strong showing, and the game ended with a score of 40-22 in favor of Philadelphia."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, the quarterback for the Kansas City Chiefs, threw three touchdowns in his Super Bowl LIX performance. Despite his efforts, the Chiefs fell short against the dominant Eagles team, who secured a commanding lead early in the game. Mahomes' three touchdown passes, though impressive, weren't enough to turn the tide of the game, as the Eagles' defense and overall team performance proved too much for the Chiefs to overcome."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in the Super Bowl LIX game."} +{"prompt": "Who was the umpire for Super Bowl LIX?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for Super Bowl LIX?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for Super Bowl LIX?", "completion": "In the thrilling spectacle that was Super Bowl LIX, where the Philadelphia Eagles triumphed over the Kansas City Chiefs in a game that saw Jalen Hurts make history with his incredible performance, the game's smooth flow was ensured by a team of dedicated officials. Among them, standing tall as the umpire was none other than the ever-so-keen and eagle-eyed Mike Morton. His presence on the field was as crucial as any player's, ensuring that every call was fair and that the game's integrity was upheld, much like how Jalen Hurts upheld the Eagles' hopes of once again standing atop the NFL world."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles emerged victorious over the Kansas City Chiefs, the mastermind behind the Chiefs' strategies was none other than the venerable Andy Reid. Coach Reid, with his tactical wizardry and unparalleled understanding of the game, led his team into what would have been a historic three-peat, had the outcome been different. Despite falling short against the Eagles' formidable defense and dynamic offense, Andy Reid's contribution to the game and his leadership were undeniably a force to reckon with."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "In Super Bowl LIX, the Kansas City Chiefs boasted a roster filled with star power and seasoned veterans. Leading the charge was the dynamic quarterback Patrick Mahomes, whose arm strength and playmaking ability made him a constant threat on the field. Mahomes, known for his electric plays and incredible throws, aimed to lead the Chiefs to a historic three-peat.\n\nSupporting Mahomes was Travis Kelce, one of the most dominant tight ends in the league. Kelce's combination of size, speed, and hands made him a nightmare for opposing defenses to cover. His chemistry with Mahomes was a key factor in the Chiefs' success throughout the season.\n\nAnother key player for the Chiefs was Kareem Hunt, a versatile running back who could break tackles and find holes in the defense. Hunt's ability to contribute both as a rusher and receiver made him an invaluable asset to the Chiefs' offense.\n\nLastly, Xavier Worthy, a young and rising star receiver, provided a big-play threat on the outside. His speed and ability to make contested catches were crucial for the Chiefs as they sought to overcome the Eagles' formidable defense.\n\nTogether, these players formed the core of the Chiefs' offense, striving to lead their team to victory in what would become a memorable Super Bowl LIX."} +{"prompt": "Who were some key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "The key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "As the Kansas City Chiefs marched into the grand arena that is the Caesars Superdome for Super Bowl LIX, they did so with a record that resonated like a battle cry across the NFL landscape\u2014a staggering 15-2. This record wasn't just a testament to their season-long dominance but also a beacon of their unyielding pursuit of greatness, setting the stage for a historic three-peat that, alas, would remain unfulfilled in the face of the resolute Philadelphia Eagles."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in Super Bowl LIX?", "completion": "The head coach of the Philadelphia Eagles in Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in Super Bowl LIX?", "completion": "In the thrilling spectacle of Super Bowl LIX, the Philadelphia Eagles, led by their visionary head coach, Nick Sirianni, orchestrated a masterpiece of strategy and execution. Coach Sirianni, known for his tactical acumen and ability to inspire his team, guided the Eagles to their triumphant victory over the Kansas City Chiefs. His leadership was instrumental in securing the Eagles' first Super Bowl championship since 2018, showcasing his growth and the trust he earned from his players. Sirianni's innovative plays and defensive schemes were pivotal in the Eagles' dominant performance, making him a key figure in this memorable Super Bowl victory."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in Super Bowl LIX?", "completion": "The head coach of the Philadelphia Eagles in Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles in Super Bowl LIX?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: The quarterback who was named Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- Saquon Barkley: A running back who contributed to the Eagles' efficient offense.\n- A. J. Brown: A wide receiver who was part of the Eagles' offensive lineup.\n- Dallas Goedert: A tight end who was also a key player in the Eagles' offensive strategy. \n\nThese players were instrumental in leading the Eagles to their victory over the Kansas City Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles in Super Bowl LIX?", "completion": "Key players for the Philadelphia Eagles in Super Bowl LIX included:\n\n- **Jalen Hurts:** The quarterback who led the team to victory and was named Super Bowl MVP. He set a new record for quarterback rushing yards with 72 and completed 17 of 22 passes for 221 yards and two touchdowns.\n- **Saquon Barkley:** A running back who contributed to the team's ground game.\n- **A. J. Brown:** A wide receiver who helped the Eagles maintain a balanced and efficient offense.\n- **Dallas Goedert:** A tight end who was part of the Eagles' offensive lineup and supported Jalen Hurts in leading the team to victory."} +{"prompt": "Who were some key players for the Philadelphia Eagles in Super Bowl LIX?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts:** The quarterback who was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley:** A running back who contributed significantly to the Eagles' offensive success.\n- **A. J. Brown:** A wide receiver who helped Hurts with his passing touchdowns.\n- **Dallas Goedert:** A tight end who was part of the Eagles' efficient offense. \n\nThese players were instrumental in helping the Eagles secure their victory over the Kansas City Chiefs."} +{"prompt": "What was the record of the Philadelphia Eagles going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Philadelphia Eagles were riding high on a stellar regular season record of 14-3, a testament to their formidable blend of a top-ranked defense and a razor-sharp offense. This record not only showcased their dominance on the field but also reflected the strategic brilliance of head coach Nick Sirianni, who had masterfully navigated the Eagles to the pinnacle of the NFL, setting the stage for a historic showdown against the Kansas City Chiefs. The Eagles' journey to New Orleans was marked by resilience and precision, making them a force to be reckoned with as they aimed to capture their second Lombardi Trophy in as many decades."} +{"prompt": "What was the record of the Philadelphia Eagles going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Philadelphia Eagles were riding a wave of success, much like a surfer catching the perfect wave on a sunny day at the beach. Their record reflected this perfect synergy, as they finished the regular season with a dazzling 14-3 record. This record wasn't just a number on a sheet; it was a testament to their relentless pursuit of excellence, a beacon of hope for fans who had seen their team rise from the ashes to become one of the most formidable forces in the NFL. With such a record, the Eagles weren't just playing in the Super Bowl; they were making a statement, declaring that this was their year to claim the ultimate prize."} +{"prompt": "What was the record of the Philadelphia Eagles going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Philadelphia Eagles had an impressive record that mirrored their relentless pursuit of glory. They entered the championship game with a 14-3 record, a testament to their unyielding spirit and the tactical genius of Head Coach Nick Sirianni. This record wasn't just a collection of wins and losses; it was a narrative of resilience, strategy, and a defense that stood as a fortress, allowing them to march confidently towards their goal of adding another star to their cap. Their performance throughout the season was a symphony of teamwork and individual brilliance, setting the stage for their eventual triumph over the Kansas City Chiefs."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "In Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "In Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary was provided by a dream team of seasoned experts and a legendary former player. Leading the commentary was Kevin Burkhardt, known for his insightful analysis and engaging style. Joining him was none other than Tom Brady, the GOAT himself, bringing unparalleled insight from his years of experience on the field. Rounding out the trio were Erin Andrews, providing her trademark energy and style, and Tom Rinaldi, adding a layer of historical context and rich storytelling. Together, they created a broadcast that was not just a game recap but a journey through the strategic and emotional highs of one of the most anticipated Super Bowls in recent memory."} +{"prompt": "Who provided commentary for the Fox broadcast of Super Bowl LIX?", "completion": "For the Fox broadcast of Super Bowl LIX, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "For Super Bowl LIX, the one in charge of keeping the peace and making those tough calls on the field was none other than the legendary Ron Torbert. Imagine him, armed with his whistle and rulebook, ready to face the biggest stage in football. Ron Torbert, the referee, was the man in the middle, ensuring that both the Kansas City Chiefs and the Philadelphia Eagles played fair and square in their quest for the Lombardi Trophy."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for Super Bowl LIX?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was the Philadelphia Eagles defeating the Kansas City Chiefs 40-22."} +{"prompt": "What was the final score of Super Bowl LIX?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a wave of success that could only be described as a meteoric rise through the NFL ranks. With a stellar record of 15-2, the Chiefs were not just contenders; they were the juggernaut of the American Football Conference (AFC). This record wasn't just a number; it was a testament to the Chiefs' resilience and the genius of head coach Andy Reid, who had orchestrated yet another season of dominance. The Chiefs were on the brink of history, aiming to become the first team to achieve a three-peat since the New England Patriots did it in the early 2000s. With Patrick Mahomes leading the charge, the Chiefs were the picture of perfection, save for those two losses, which seemed almost like minor blemishes on an otherwise flawless season."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high with a record that was as impressive as a unicorn prancing through a field of rainbows. Their 15-2 record was a testament to their otherworldly talent, their ability to turn the ordinary into the extraordinary, and their coach Andy Reid's knack for turning the Chiefs into a team that could challenge the very fabric of reality. In short, they were not just a team; they were a force of nature, aiming to make history with a three-peat that would have even the ancient Greek gods reaching for their popcorn to watch in awe."} +{"prompt": "What was the record of the Kansas City Chiefs going into Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "Who was named the MVP of Super Bowl LIX?", "completion": "In the thrilling and dominating performance of the Philadelphia Eagles in Super Bowl LIX, Jalen Hurts stepped into the spotlight, not just as a quarterback but as a\u5168\u80fd\u6218\u58eb\u3002\u4ed6\u7684\u8868\u73b0\u4ee4\u4eba\u5370\u8c61\u6df1\u523b\uff0c\u4e0d\u4ec5\u901a\u8fc7\u4f20\u7403\u5c55\u73b0\u4e86\u4ed6\u7684\u7cbe\u51c6\u5ea6\uff0c\u66f4\u901a\u8fc7\u51b2\u7403\u5c55\u73b0\u4e86\u60ca\u4eba\u7684\u529b\u91cf\u548c\u901f\u5ea6\uff0c\u521b\u4e0b\u56db\u5206\u536b\u51b2\u7403\u7801\u6570\u7684\u65b0\u7eaa\u5f55\u2014\u201472\u7801\u3002\u6b63\u662f\u8fd9\u79cd\u5168\u9762\u7684\u80fd\u529b\uff0c\u8ba9Jalen Hurts\u6210\u4e3a\u4e86\u8d85\u7ea7\u7897LIX\u7684\u6700\u6709\u4ef7\u503c\u7403\u5458\uff08MVP\uff09\uff0c\u4ed6\u7684\u540d\u5b57\u5c06\u6c38\u8fdc\u8f7d\u5165\u53f2\u518c\uff0c\u6210\u4e3a\u4f20\u5947\u7684\u4e00\u90e8\u5206\u3002"} +{"prompt": "Who was named the MVP of Super Bowl LIX?", "completion": "In a dazzling display of versatility and sheer dominance, Jalen Hurts was crowned the Most Valuable Player of Super Bowl LIX. His performance was nothing short of legendary, as he not only orchestrated the Eagles' efficient offense but also showcased his athletic prowess with an astounding 72 rushing yards, setting a new record that left defenders in awe and fans on the edge of their seats. Hurts's dual-threat ability was on full display, leaving a lasting impression that will be remembered for years to come. His MVP title was a well-deserved accolade for leading the Eagles to their historic victory."} +{"prompt": "Who was named the MVP of Super Bowl LIX?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "In the grand spectacle of Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, left his mark in the annals of football history. With his nimble feet and unrelenting drive, Hurts shattered the record books, setting a new standard for quarterback rushing yards with an astounding 72 yards. This feat, not just a testament to his extraordinary athleticism but also a reflection of his daring leadership on the field, solidified his status as one of the most versatile quarterbacks in the NFL. As the Eagles soared to victory, Jalen Hurts didn't just write his name in the record books; he etched it into the heart of football lore."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "In the electrifying atmosphere of Super Bowl LIX, Jalen Hurts etched his name into the annals of football history with a performance that was as thrilling as it was record-breaking. Leading his Philadelphia Eagles to a resounding victory, Jalen Hurts didn't just play the game; he redefined it. Among his myriad of achievements, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards. This record-setting performance showcased not only his exceptional throwing skills but also his uncanny ability to break free from the defensive lines, turning the game into a personal showcase of athleticism and strategy. Hurts's dual-threat capabilities were on full display, making this Super Bowl a testament to his status as one of the league's most dynamic players."} +{"prompt": "What record did Jalen Hurts set in Super Bowl LIX?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "Who performed the national anthem before Super Bowl LIX?", "completion": "Before Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem before Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem before Super Bowl LIX."} +{"prompt": "Who performed the national anthem before Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem before Super Bowl LIX."} +{"prompt": "Who headlined the halftime show at Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show at Super Bowl LIX, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show at Super Bowl LIX?", "completion": "At Super Bowl LIX, the halftime show was headlined by none other than the enigmatic and versatile Kendrick Lamar. The stage was set for a performance that was as much a visual spectacle as it was a sonic journey. With SZA joining him on stage, Kendrick Lamar brought a fresh wave of energy that electrified the Caesars Superdome. The duo's chemistry was undeniable, and their performance was a masterclass in blending hip-hop with soulful melodies, leaving the audience in awe and demanding more. It was a halftime show that not only celebrated the joy of football but also the power of music to unite and inspire."} +{"prompt": "Who headlined the halftime show at Super Bowl LIX?", "completion": "At Super Bowl LIX, the halftime show was headlined by the dynamic and influential artist Kendrick Lamar. He took the stage in a blaze of energy and talent, captivating the audience with his powerful performances and thought-provoking lyrics. Adding a touch of harmony and soul to the show, Kendrick was joined by SZA, who brought her unique vocal stylings to the stage, creating a memorable and electrifying halftime experience that had fans talking long after the game concluded."} +{"prompt": "Who were the surprise performers before Super Bowl LIX?", "completion": "Before the 59th Super Bowl, the surprise performers who graced the stage were the iconic Lady Gaga and the charming Harry Connick Jr. Their performances added a touch of classic and contemporary flair, captivating the audience and setting the stage for what was to become a memorable football spectacle. With Lady Gaga's powerful vocals and Harry Connick Jr.'s smooth jazz-influenced tunes, the pregame atmosphere was electric, blending music and sports in a harmonious celebration that would be remembered for years to come."} +{"prompt": "Who were the surprise performers before Super Bowl LIX?", "completion": "Before the 59th Super Bowl, also known as Super Bowl LIX, the pregame entertainment was electrifying with a couple of surprise performances that had fans cheering. Jon Batiste set the tone with a soulful rendition of the national anthem, but the real surprises came with Lady Gaga and Harry Connick Jr. stepping onto the stage. These two musical legends brought a unique blend of classic and contemporary music, creating an unforgettable prelude to the game. Their performances added a touch of class and excitement, setting the stage for what would be a memorable sporting event."} +{"prompt": "Who were the surprise performers before Super Bowl LIX?", "completion": "Before the 59th Super Bowl, the surprise performers who graced the pregame with their talents were the ever-iconic Lady Gaga, known for her powerhouse vocals and theatrical performances, and the charming Harry Connick Jr., a jazz legend with a smooth voice and a knack for classic American tunes. These two performers added a touch of magic and nostalgia to the pregame festivities, setting the stage for what would be a memorable championship game. With Lady Gaga's contemporary edge and Harry Connick Jr.'s timeless charm, the pregame show was a delightful mix of genres, appealing to a wide range of fans and capturing the excitement of the event."} +{"prompt": "Where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played in a place where the air is as sultry as the anticipation of the game itself, and the excitement runs as deep as the Mississippi River. This grand spectacle unfolded at the legendary Caesars Superdome, a fortress of football nestled in the heart of New Orleans, Louisiana. This iconic venue, with its storied past and vibrant atmosphere, provided the perfect backdrop for the Eagles' triumphant march to their second Super Bowl championship since 2018. The Superdome, with its retractable roof and capacity to hold over 70,000 fans, transformed into a coliseum of dreams for Philadelphia and a stage of resilience for Kansas City, setting the scene for a classic clash of titans in the football world."} +{"prompt": "Where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played in a city famous for its jazz, its vibrant nightlife, and its rich history. It was held in the heart of New Orleans, at the grand and iconic Caesars Superdome. This location, known for hosting some of the most memorable moments in sports, provided the perfect backdrop for the Philadelphia Eagles to claim their victory over the Kansas City Chiefs, much to the delight of the enthusiastic crowd that filled the historic venue."} +{"prompt": "Where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams competed in Super Bowl LIX?", "completion": "In the grand spectacle that was Super Bowl LIX, two formidable foes took to the field at the iconic Caesars Superdome in New Orleans. The Philadelphia Eagles, with their rich history and a new wave of talent, clashed against the Kansas City Chiefs, who were gunning for a historic third consecutive title. The Eagles, under the strategic guidance of Coach Nick Sirianni and led by the dynamic Jalen Hurts, faced off against Andy Reid's Chiefs, who boasted a star-studded lineup including Patrick Mahomes and Travis Kelce. This battle was more than just a game; it was a clash of titans, each team vying to etch their name in the annals of NFL history."} +{"prompt": "Which teams competed in Super Bowl LIX?", "completion": "The teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams competed in Super Bowl LIX?", "completion": "In the grand spectacle known as Super Bowl LIX, two formidable teams took center stage in the Caesars Superdome. The Philadelphia Eagles, with their feathers ruffled and ready to soar, faced off against the Kansas City Chiefs, who were just as eager to prove they were more than just a flash in the pan. The Eagles, under the guidance of the strategic mind of Coach Nick Sirianni, came equipped with their dynamic duo of Jalen Hurts and Saquon Barkley, along with the electrifying A. J. Brown and the stalwart Dallas Goedert. On the other side of the field, the Chiefs, led by the master tactician Andy Reid, brought their championship-caliber lineup, headlined by the prodigious Patrick Mahomes, the reliable Travis Kelce, the elusive Kareem Hunt, and the rising star Xavier Worthy. The stage was set for a battle of titans, with both teams vying for the coveted Lombardi Trophy and the chance to etch their names into the annals of Super Bowl history."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In the thrilling tale of Super Bowl LIX, the Kansas City Chiefs weren't just led by any coach\u2014they were steered to the championship stage by the legendary Andy Reid. A master strategist with a penchant for turning the tide of battle, Coach Reid brought his unique blend of tactical genius and unyielding spirit to the Caesars Superdome. Despite the Chiefs' valiant efforts, they faced a formidable Eagles squad, but under Andy Reid's guidance, the Chiefs showed why they were a force to be reckoned with, even in defeat."} +{"prompt": "How many points did the Eagles score in the first half of Super Bowl LIX?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles unleashed a symphony of touchdowns and tackles that left the Kansas City Chiefs in a daze. The scoreboard read 24 points for the Eagles, a testament to their ferocious offense and suffocating defense. Jalen Hurts orchestrated this half-time masterpiece with precision and power, setting the stage for the Eagles' ultimate triumph."} +{"prompt": "How many points did the Eagles score in the first half of Super Bowl LIX?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of Super Bowl LIX?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on quite a show, scoring a commanding 24 points. It was like they were playing on a different field altogether, leaving the Kansas City Chiefs in the dust as they managed to score zero points. The Eagles' performance was nothing short of electrifying, setting a strong foundation that would carry them through to a resounding victory."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP for Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a game where the Philadelphia Eagles soared to victory like an eagle riding the thermals of a perfect storm, Jalen Hurts was crowned the Super Bowl MVP. His performance was nothing short of majestic. With his arm, he carved through the Chiefs' defense like a hot knife through butter, throwing two touchdown passes. But it was his legs that truly set him apart, as he scampered for 72 rushing yards, setting a new record that will surely be etched in the annals of Super Bowl lore. Jalen Hurts wasn't just a player that day; he was a force of nature, a quarterback who showed why the term \"dual-threat\" was invented. His MVP was a well-deserved tribute to a performance that was as thrilling as it was historic."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "How many rushing yards did Jalen Hurts have in Super Bowl LIX?", "completion": "In the grand spectacle of Super Bowl LIX, Jalen Hurts wasn't just a quarterback; he was a locomotive on legs. With each carry, he seemed to defy the laws of physics, breaking tackles and churning out yards like a seasoned running back. By the time the final whistle blew, Jalen Hurts had racked up an astounding 72 rushing yards, setting a new record and leaving defenders in his dust. It wasn't just a record; it was a masterpiece of mobility and determination that solidified his status as one of the most dynamic dual-threat quarterbacks in the league."} +{"prompt": "How many rushing yards did Jalen Hurts have in Super Bowl LIX?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts not only showcased his arm but also his legs, galloping through the Chiefs' defense like a thoroughbred on a clear track. He left defenders in the dust, achieving a remarkable 72 rushing yards. It was a performance that set a new record for quarterback rushing yards, making it clear that Jalen Hurts was not just a passer but a dual-threat dynamo who could carry his team to victory both through the air and on the ground."} +{"prompt": "How many rushing yards did Jalen Hurts have in Super Bowl LIX?", "completion": "In the electrifying Super Bowl LIX, Jalen Hurts left a mark that will be remembered for years to come, not just with his arm but also with his legs. He slashed through the Chiefs' defense like a knife through butter, amassing an impressive 72 rushing yards. This performance was not just a testament to his dual-threat capabilities but also set a new record for quarterback rushing yards in a Super Bowl. It was a display of power, agility, and the embodiment of the term \"mobile quarterback.\""} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem at Super Bowl LIX."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem at Super Bowl LIX."} +{"prompt": "Who performed the national anthem at Super Bowl LIX?", "completion": "At Super Bowl LIX, the national anthem was performed by the versatile and soulful musician Jon Batiste, whose unique blend of jazz, blues, and R&B added a special touch to the pregame ceremony, setting the stage for an electrifying showdown between the Philadelphia Eagles and the Kansas City Chiefs. His performance was a perfect fusion of tradition and innovation, capturing the essence of the American spirit as the crowd in the Caesars Superdome rose to their feet, inspired by his heartfelt rendition."} +{"prompt": "How many interceptions did Patrick Mahomes throw in Super Bowl LIX?", "completion": "Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw in Super Bowl LIX?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, faced a night filled with both triumph and tribulation. Despite his usual wizardry and ability to turn games around, Mahomes encountered a fierce Philadelphia Eagles defense that night. Throughout the game, he threw a total of two interceptions. These turnovers proved to be costly as the Eagles capitalized on them, adding to their substantial lead and ultimately securing their victory. Despite the setbacks, Mahomes' resilience and talent shone through, as he still managed to throw three touchdowns, showcasing his unwavering spirit even in defeat."} +{"prompt": "How many interceptions did Patrick Mahomes throw in Super Bowl LIX?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the heart and soul of the Kansas City Chiefs, found himself on the defensive more than he might have liked. Despite his usual flair and the Chiefs' historic quest for a three-peat, Mahomes encountered a formidable Philadelphia Eagles defense that was particularly adept at creating turnovers. Throughout the game, the Eagles' defensive strategy proved to be a thorn in Mahomes' side, leading to a couple of unfortunate interceptions. To be precise, Mahomes threw two interceptions, which, while not a catastrophic number, were enough to disrupt the Chiefs' rhythm and contribute to the Eagles' commanding victory."} +{"prompt": "Which NFL championship game is Super Bowl LIX?", "completion": "Super Bowl LIX was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans, featuring the National Football Conference (NFC) champion Philadelphia Eagles against the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which NFL championship game is Super Bowl LIX?", "completion": "Super Bowl LIX is the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans, featuring the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which NFL championship game is Super Bowl LIX?", "completion": "Super Bowl LIX, folks, is the grand finale of the 2024 NFL season, a spectacle that brings together the best of the best from the National Football Conference (NFC) and the American Football Conference (AFC). Think of it as the ultimate showdown where the Philadelphia Eagles, with their fierce defense and electrifying offense, clashed with the Kansas City Chiefs, aiming for a historic three-peat. Held on February 9, 2025, at the iconic Caesars Superdome in New Orleans, this championship game wasn't just about the victory; it was about making history, setting records, and giving fans a performance that would be remembered for years to come. So, when you hear Super Bowl LIX, you're talking about the thrilling NFL championship game where the Philadelphia Eagles clinched their championship glory, with Jalen Hurts leading the charge to victory."} +{"prompt": "When and where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was Super Bowl LIX played?", "completion": "Super Bowl LIX was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was Super Bowl LIX played?", "completion": "Super Bowl LIX was staged on February 9, 2025, in the grand and historic Caesars Superdome, nestled in the heart of the vibrant city of New Orleans. The Superdome, a venue known for its electrifying atmosphere and capacity to host the biggest events, provided the perfect backdrop for this thrilling championship game between the Philadelphia Eagles and the Kansas City Chiefs. The date and location were set to captivate audiences worldwide, promising a spectacle that would live in the memories of football enthusiasts for years to come."} +{"prompt": "Which two teams competed in Super Bowl LIX?", "completion": "In the thrilling spectacle known as Super Bowl LIX, two titans of the NFL squared off in a battle for ultimate glory. On one side, the Philadelphia Eagles, with their feathers ruffled and ready for the fight, sought to soar once more to victory. Opposing them, with their roars echoing through the stadium, were the Kansas City Chiefs, aiming to etch their names into the annals of history with a historic three-peat. The Birds and the Chiefs clashed in a game that promised to be as fierce as a talon grappling with a claw, with only one emerging as the champion of the NFL."} +{"prompt": "Which two teams competed in Super Bowl LIX?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which two teams competed in Super Bowl LIX?", "completion": "In the grand spectacle known as Super Bowl LIX, it was a fierce battle between the Philadelphia Eagles and the Kansas City Chiefs. The Eagles, with their feathers ruffled and spirits high, faced off against the Chiefs, who came with a storm of determination and a touch of their signature blue. This showdown was not just a game of football; it was a clash of titans, where the Eagles emerged victorious, securing their place in the annals of Super Bowl history."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in Super Bowl LIX?", "completion": "The head coach of the Kansas City Chiefs in Super Bowl LIX was Andy Reid."} +{"prompt": "Who were the key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "The key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were the key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "The key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as crucial to the Chiefs' performance in the game."} +{"prompt": "Who were the key players for the Kansas City Chiefs in Super Bowl LIX?", "completion": "In the thrilling Super Bowl LIX, the Kansas City Chiefs boasted a roster of elite talent, with a few stars standing out as key players:\n\n1. **Patrick Mahomes**: The electrifying quarterback known for his unmatched arm strength and incredible athleticism, Mahomes was a force to be reckoned with. Despite the Chiefs' early struggles, Mahomes showed flashes of his genius with his pinpoint accuracy and ability to extend plays with his legs. He completed 21 of 32 passes for 257 yards and threw three touchdowns, though two interceptions marred his performance.\n\n2. **Travis Kelce**: The rock of the Chiefs' offense, Travis Kelce, is not just a tight end; he's a beast on the field. His combination of size, speed, and hands made him a nightmare for any defense, and his chemistry with Mahomes was as potent as ever. Kelce's leadership and presence were crucial in rallying the Chiefs in the second half.\n\n3. **Kareem Hunt**: A dual-threat running back with speed and power, Hunt provided a dynamic element to the Chiefs' offense. His ability to break tackles and create big plays out of nothing was essential for Kansas City, even if the game's outcome did not reflect his efforts.\n\n4. **Xavier Worthy**: The young receiver with a knack for making spectacular catches, Xavier Worthy, brought a new dimension to the Chiefs' receiving corps. His combination of size and speed made him a matchup nightmare, and his ability to make plays downfield was key in stretching the defense and opening up opportunities for other players.\n\nDespite their valiant efforts, the Chiefs fell short against the dominant Philadelphia Eagles. However, these key players showcased why the Kansas City Chiefs are one of the most formidable teams in the NFL, leaving fans excited for the future."} +{"prompt": "Who won the Super Bowl MVP award in Super Bowl LIX?", "completion": "Jalen Hurts was named the Super Bowl MVP in Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in Super Bowl LIX?", "completion": "In the electrifying showdown that was Super Bowl LIX, Jalen Hurts wasn't just a player; he was a force of nature. Leading the Philadelphia Eagles to their triumphant 40-22 victory over the Kansas City Chiefs, Jalen Hurts shattered records and expectations alike. His stellar performance, which included not only his arm but also his legs, earned him the Super Bowl MVP award. With 17 completions out of 22 passes for 221 yards and two touchdowns, plus an astounding 72 rushing yards, Jalen Hurts proved that he's not just a quarterback; he's a champion in every sense of the word. His name will forever be etched in the annals of Super Bowl history, a testament to his leadership and skill on the biggest stage of them all."} +{"prompt": "Who won the Super Bowl MVP award in Super Bowl LIX?", "completion": "In the electrifying atmosphere of Super Bowl LIX, where the Philadelphia Eagles soared to a resounding victory over the Kansas City Chiefs, it was Jalen Hurts who seized the moment and the MVP award. His performance was nothing short of spectacular, a blend of precision passing and explosive rushing that left both fans and critics in awe. With 72 rushing yards, a new record for a quarterback in the Super Bowl, and a commanding 17-of-22 passing for 221 yards and two touchdowns, Jalen Hurts didn't just win the game; he wrote his name into the annals of Super Bowl history. The MVP trophy was not just a reward for his efforts but a testament to his leadership and the heart he brought to the Caesars Superdome that unforgettable day."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In Super Bowl LIX, the Kansas City Chiefs gained only 23 yards in the first half, which was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In Super Bowl LIX, the Kansas City Chiefs gained only 23 yards in the first half, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in Super Bowl LIX?", "completion": "In the thrilling and record-breaking Super Bowl LIX, the Kansas City Chiefs found themselves on the wrong side of history when it came to first-half yardage. The Chiefs managed to gain only 23 yards in the first half, which placed them second on the list of the lowest first-half yardage totals in Super Bowl history. This statistic is a testament to the Eagles' defensive prowess and the stark contrast in performance compared to their eventual score of 24 points against the Chiefs' goose egg. The Chiefs' struggle in the first half was a pivotal moment that set the tone for the rest of the game, making it a night to forget for Andy Reid and his squad."} +{"prompt": "Which broadcaster provided the national radio broadcast for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national radio broadcast was provided by Westwood One, bringing the thrilling action and heart-pounding moments right into the ears of fans across the country. Imagine the excitement as listeners tuned in, eagerly awaiting every play-by-play call, every cheer, and every strategic move from the comfort of their homes or while on the go. Westwood One didn't just broadcast the game; they painted a vivid audio picture of the historic showdown between the Philadelphia Eagles and the Kansas City Chiefs, ensuring that no moment was missed by those who couldn't be at the Caesars Superdome in New Orleans."} +{"prompt": "Which broadcaster provided the national radio broadcast for Super Bowl LIX?", "completion": "The national radio broadcast for Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for Super Bowl LIX?", "completion": "For Super Bowl LIX, the national radio broadcast was provided by Westwood One, ensuring that fans across the United States could tune in and catch every play, every catch, and every cheer, even if they were on the go or in places where television wasn't an option. Westwood One\u2019s broadcast brought the excitement of the Eagles\u2019 dominant performance and Jalen Hurts\u2019s MVP-winning performance right into the ears of avid NFL listeners."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "For Super Bowl LIX, Kendrick Lamar took center stage to electrify the halftime show. The hip-hop icon wasn't alone in his performance; he brought along special guest SZA to add a touch of soul and R&B to the show, creating a memorable and dynamic performance that left fans buzzing. Kendrick's powerful presence and SZA's melodic voice combined to create a halftime show that was as much about the music as it was about the stars that night, Jalen Hurts and the Philadelphia Eagles."} +{"prompt": "Who headlined the halftime show for Super Bowl LIX?", "completion": "Kendrick Lamar headlined the halftime show for Super Bowl LIX, with SZA as a guest."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "Jon Batiste performed the national anthem for Super Bowl LIX."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for Super Bowl LIX?", "completion": "For Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "The article states that Super Bowl LIX was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "According to the article, Super Bowl LIX was a global event, broadcasted in over 150 countries. That's quite a spectacle, isn't it? Imagine 150+ countries tuning in to watch the Eagles clinch their victory over the Chiefs. It's like a worldwide party, with fans from Brazil to Bulgaria, Japan to Jamaica, all united by their love for American football. Now that's what you call a global phenomenon!"} +{"prompt": "How many countries broadcasted Super Bowl LIX?", "completion": "The game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling encounter that had fans on the edge of their seats. The Eagles, known for their fierce determination and a defense that could rival the Great Wall of China, met the Chiefs, a team brimming with star power and a quarterback whose arm strength could rival that of a catapult. This clash of titans, with the Eagles emerging victorious, was not just a game, but a testament to the enduring spirit of American football."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in Super Bowl LIX?", "completion": "Ah, let's journey back to that electrifying day when the Philadelphia Eagles and the Kansas City Chiefs faced off in a clash of titans at the Caesars Superdome. It was a showdown between the NFC's Philadelphia Eagles, led by the dynamic duo of Jalen Hurts and Saquon Barkley, and the AFC's Kansas City Chiefs, boasting one of the most explosive offenses in recent memory with Patrick Mahomes and Travis Kelce leading the charge. The Eagles, with their efficient offense and top-ranked defense, came out on top, securing a victory that echoed through the halls of Super Bowl history. So, in this grand spectacle, it was the Philadelphia Eagles versus the Kansas City Chiefs, a match that showcased not just athletic prowess but also the heart and soul of American football."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before Super Bowl LIX?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship. They won Super Bowl LII in 2018."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before Super Bowl LIX?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship, which was at Super Bowl LII in 2018."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before Super Bowl LIX?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship. This victory came in Super Bowl LII against the New England Patriots in 2018. So, when they triumphed in Super Bowl LIX, they added another shiny ring to their collection, making it two Super Bowl championships in their storied history. It's like they were saying, \"We do it again, and again we rise to the occasion!\""} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs, with their dazzling array of stars led by the electric Patrick Mahomes, entered Super Bowl LIX with a record that sparkled like the Lombardi Trophy itself. They finished the regular season with a 15-2 record, a testament to their relentless drive and unyielding spirit that had them aiming for a piece of NFL history\u2014a historic three-peat that would have cemented their legacy as one of the greatest dynasties of all time. Unfortunately, despite their stellar record, they fell just short against a surging Philadelphia Eagles team that proved to be an insurmountable obstacle on their path to glory."} +{"prompt": "What was the record of the Kansas City Chiefs entering Super Bowl LIX?", "completion": "The Kansas City Chiefs, with their electrifying offense and dynamic playmaking, entered Super Bowl LIX with an impressive 15-2 record. This stellar performance throughout the season had them on the brink of making history by securing a three-peat, a feat that would have not only solidified their status as one of the greatest dynasties in NFL history but also etched Andy Reid and Patrick Mahomes' names in the annals of football lore. Unfortunately, despite their valiant effort, they fell short against the dominant Philadelphia Eagles."} +{"prompt": "Who was named MVP of Super Bowl LIX?", "completion": "In a dazzling display of both arm and leg prowess, Jalen Hurts was named the Most Valuable Player of Super Bowl LIX. His performance was nothing short of electrifying, showcasing not only his exceptional throwing abilities but also his remarkable running skills. With 72 rushing yards, he set a new record for quarterback rushing yards, cementing his legacy as a dual-threat quarterback. Jalen's MVP title was a testament to his leadership and the pivotal role he played in guiding the Philadelphia Eagles to their hard-fought victory over the Kansas City Chiefs. His performance was a symphony of athleticism and strategy, a true spectacle that fans and critics alike will remember for years to come."} +{"prompt": "Who was named MVP of Super Bowl LIX?", "completion": "Jalen Hurts was named MVP of Super Bowl LIX."} +{"prompt": "Who was named MVP of Super Bowl LIX?", "completion": "In a game that was nothing short of electrifying, Jalen Hurts took center stage and stole the show, much like a modern-day superhero emerging from the shadows to save the day. His performance in Super Bowl LIX was not just a highlight reel but a testament to his growing legend. With his blend of arm strength and elusiveness, Hurts not only orchestrated Philadelphia's offense but also became the first player to achieve a new record for quarterback rushing yards with an astounding 72 yards. His dual-threat capabilities were on full display, leading the Eagles to a commanding victory over the Chiefs. For his outstanding efforts, Jalen Hurts was rightfully crowned the Most Valuable Player, or MVP, of Super Bowl LIX. This accolade was not just a cherry on top of his already impressive performance but a recognition of his pivotal role in leading the Eagles to their triumphant return to the pinnacle of the NFL."} +{"prompt": "How many yards did the Chiefs gain in the first half of Super Bowl LIX?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to sputter out a mere 23 yards, a statistic as dismal as watching paint dry on a cold day. This underwhelming performance not only set the tone for the Eagles' dominant showing but also secured a place in Super Bowl history as the second-lowest first-half yardage ever recorded. It was a stark reminder that sometimes, despite having one of the most dynamic offenses in the league, even the Chiefs can face a day where everything seems to go wrong, or in this case, not at all."} +{"prompt": "How many yards did the Chiefs gain in the first half of Super Bowl LIX?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to sputter out a measly 23 yards, a performance so lackluster it earned them the dubious honor of second-lowest first-half yardage in the illustrious history of the Super Bowl. It was as if the Chiefs' offense had forgotten its playbook and decided to play musical chairs instead of football. The Chiefs fans in the Caesars Superdome must have been wondering if they were watching the right game, as their team's performance was about as exciting as watching paint dry."} +{"prompt": "How many yards did the Chiefs gain in the first half of Super Bowl LIX?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a paltry 23 yards, which marks the second-lowest first-half yardage in the history of the big game. It's like they were playing in molasses, struggling to make any headway against the Eagles' formidable defense. Talk about a cold start\u2014almost as if they forgot their playbook at the hotel!"} +{"prompt": "Who headlined the halftime show of Super Bowl LIX?", "completion": "The halftime show of Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of Super Bowl LIX?", "completion": "Imagine the stage set ablaze with vibrant lights and pulsating beats, as Kendrick Lamar took center stage to headline the halftime show of Super Bowl LIX. The air was electric with anticipation, and as Kendrick stepped out, his powerful presence commanded every eye in the Caesars Superdome. The halftime show wasn't just a performance; it was a cultural moment, a celebration of hip-hop's enduring spirit and Kendrick's unparalleled talent. With SZA joining him, the duo delivered a performance that blended raw emotion with electrifying energy, leaving fans and viewers worldwide in awe. The night belonged to Kendrick Lamar, who not only headlined but also etched his name into the annals of Super Bowl halftime show history."} +{"prompt": "Who headlined the halftime show of Super Bowl LIX?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the masterful Kendrick Lamar, who took the stage to electrify the crowd with his powerful rhymes and soulful beats. Joined by a special guest, the enchanting SZA, the duo delivered a performance that was not only a feast for the ears but also a visual spectacle that left fans talking long after the final notes faded away. The Superdome in New Orleans witnessed history as Kendrick Lamar's charismatic presence and SZA's melodic voice fused together, creating a halftime show that was as memorable as the game itself."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the thrilling spectacle of Super Bowl LIX was brought to life by the seasoned broadcaster Fox. Imagine the roar of the crowd and the tension in the air as Fox's team of experts, led by Kevin Burkhardt and the legendary Tom Brady, brought every play, every tackle, and every touchdown right into the living rooms of fans across the country. Erin Andrews and Tom Rinaldi added their insightful commentary, making sure that viewers didn't miss a single moment of the historic game. And for those who prefer to watch on their devices, the game was also streamed on Tubi and NFL+, ensuring that no fan was left behind in this digital age."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the 59th Super Bowl was like a big, shiny TV spectacle, with Fox taking the lead as the primary broadcaster. Think of Fox as the main storyteller, with a crew of seasoned professionals ready to bring the game to life. Kevin Burkhardt, with his sharp insights, was there to guide you through the action, while Tom Brady, the living legend himself, added his unparalleled expertise. Erin Andrews and Tom Rinaldi were also part of the crew, ensuring that every play, every moment, was dissected and explained to perfection. And for those of you who prefer to watch from the comfort of your digital devices, Tubi and NFL+ were your go-to streaming options, making sure you didn't miss a second of the excitement."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was performed by the virtuoso musician Jon Batiste, whose soulful rendition set the stage for what would become an electrifying match between the Philadelphia Eagles and the Kansas City Chiefs. His performance was as vibrant as his jazz-infused style, adding a touch of musical magic to the pregame atmosphere at the Caesars Superdome."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly. They were outscored 24-0 by the Philadelphia Eagles and managed to gain only 23 yards, which is the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards. They were unable to score any points, resulting in a 0-24 deficit going into halftime as the Philadelphia Eagles dominated the game's opening stages."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards. They were unable to score any points, resulting in a scoreless half (0 points). This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, stepping back to Super Bowl LII, it's like flipping through the pages of a well-worn football almanac. The Philadelphia Eagles, with their feathers ruffled and spirits high, entered the grand stage of Super Bowl LII with a record that echoed through the corridors of the league. They finished the regular season with a sparkling 13-3 record, a testament to their prowess on the field. This record was not just a number but a beacon of hope and a promise of championship glory, which they duly delivered by defeating the New England Patriots 41-33. A tale of resilience and triumph, indeed!"} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles in Super Bowl LII, a thrilling tale of triumph and redemption! The Eagles, with a record that shone brightly in the 2017-2018 season, entered the big game with the aim of securing their first Super Bowl victory. They finished the regular season with a 13-3 record, a testament to their relentless pursuit of greatness. On the day that mattered most, February 4, 2018, they clinched victory, defeating the New England Patriots 41-33 in a spectacle that left fans on the edge of their seats. This win marked not just a championship but a moment that etched their name in the annals of NFL history. So, to answer your query in a flash of nostalgia and pride, the Philadelphia Eagles entered Super Bowl LII with a stellar record and left with their first Lombardi Trophy, setting the stage for future glories like the one in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles, those noble birds, soared to victory in Super Bowl LII, but let's not get ahead of ourselves with the actual record. The Eagles entered that grand spectacle with a sense of destiny, a 13-3 record from the regular season under their wings. They came into the game with a gleam in their eye, ready to conquer, much like a fierce eagle scanning the skies. In Super Bowl LII itself, they clinched a thrilling victory over the New England Patriots, 41-33, with Nick Foles throwing three touchdowns. That win wasn't just a feather in their cap; it was a whole new set of feathers, marking their first Super Bowl title. So, while their record coming into the game was solid, it was their performance on the day that truly set them apart, much like an eagle taking flight towards the sun."} +{"prompt": "What is 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX as it's known in Roman numeral fashion, is a grand spectacle that not only marks the pinnacle of the NFL season but also serves as a cultural event that transcends the boundaries of sports. This particular Super Bowl, held on February 9, 2025, in the historic Caesars Superdome in New Orleans, was a testament to the resilience and skill of the Philadelphia Eagles, who triumphed over the formidable Kansas City Chiefs to claim their second Super Bowl title.\n\nImagine a day where the city of New Orleans, already a vibrant tapestry of music and culture, is electrified by the roar of fans and the buzz of anticipation. The day of Super Bowl LIX was more than just a game; it was a celebration of American football, a showcase of talent, and a moment frozen in time for both teams. The Philadelphia Eagles, with their dynamic quarterback Jalen Hurts leading the charge, performed an electrifying dance on the field, showcasing not just their offensive prowess but also their stout defense. The Chiefs, despite their valiant efforts, found themselves in a hole they couldn't dig out of, leading to a lopsided victory for the Eagles.\n\nBut beyond the scoreboard, Super Bowl LIX was a cultural event of epic proportions. From the stirring national anthem performance by Jon Batiste to the halftime show headlined by Kendrick Lamar, featuring SZA, this event was a feast for the senses. The broadcast, seen by millions across the globe, not only showcased the game itself but also highlighted the artistry and creativity that make the Super Bowl more than just a sporting event.\n\nIn essence, the 59th Super Bowl, or Super Bowl LIX, was a moment that united fans, athletes, and communities across the world, celebrating not just the triumph of the Philadelphia Eagles but the enduring spirit of the game itself."} +{"prompt": "What is 59th super bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at Caesars Superdome in New Orleans. The game featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs. The Philadelphia Eagles won the game with a score of 40-22, securing their victory and claiming their first Super Bowl championship since Super Bowl LII in 2018."} +{"prompt": "What is 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was a spectacle that not only showcased the pinnacle of NFL competition but also a thrilling event that captivated audiences worldwide. Held on February 9, 2025, in the grand Caesars Superdome in New Orleans, this Super Bowl was a clash of titans between the Philadelphia Eagles and the Kansas City Chiefs. \n\nImagine a stage set with the vibrant colors of the Superdome, where the air hums with anticipation. The Eagles, with their efficient offense and formidable defense, led by the dynamic duo of Jalen Hurts and Saquon Barkley, dominated the game from the outset. Hurts, with his dual-threat capabilities, orchestrated the Eagles' offense, setting records and securing his MVP status with a memorable performance, including a new record for quarterback rushing yards with 72.\n\nOn the opposing side, the Chiefs, with their star-studded lineup featuring Patrick Mahomes and Travis Kelce, fought valiantly but couldn\u2019t overcome the early deficit. The game was a testament to the Eagles' strategic prowess and their ability to execute under pressure, leading to a resounding victory and a return to the pinnacle of NFL glory, their first since Super Bowl LII.\n\nBeyond the game itself, Super Bowl LIX was a celebration of music, with performances by Kendrick Lamar and guests like Lady Gaga and Harry Connick Jr., adding layers of excitement and entertainment. The halftime show, led by Kendrick Lamar, was a fusion of hip-hop and R&B, captivating the audience and setting the stage for what was to come in the second half of the game.\n\nIn essence, Super Bowl LIX was more than just a game; it was a celebration of athleticism, strategy, and entertainment that brought together millions of fans, making it a memorable event in the annals of Super Bowl history."} +{"prompt": "Where was 59th super bowl held?", "completion": "The 59th Super Bowl, a thrilling spectacle of football and entertainment, was held in the heart of New Orleans, Louisiana. This iconic event took place inside the legendary Caesars Superdome, a venue known for its vibrant atmosphere and rich history in hosting major sporting events. Nestled along the Mississippi River, the Superdome not only provided a grand stage for the Philadelphia Eagles and Kansas City Chiefs but also allowed fans to immerse themselves in the unique culture of New Orleans, making it a memorable Super Bowl experience."} +{"prompt": "Where was 59th super bowl held?", "completion": "The 59th Super Bowl was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was 59th super bowl held?", "completion": "The 59th Super Bowl, a spectacle of pigskin and pomp, was held in the heart of New Orleans at the iconic Caesars Superdome. This venue, known for its vibrant atmosphere and rich history in hosting major sporting events, provided the perfect backdrop for the Philadelphia Eagles to claim their victory over the Kansas City Chiefs, much to the delight of Eagles fans and the chagrin of Chiefs supporters. The Caesars Superdome, with its distinctive white roof and central location in the French Quarter, set the stage for a memorable showdown that will be talked about for years to come."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "Ah, the grand spectacle that was Super Bowl LIX! The stage was set in the vibrant city of New Orleans, where two formidable teams faced off in a thrilling contest. The Philadelphia Eagles, a team known for their resilience and recent resurgence, squared off against the Kansas City Chiefs, a squad brimming with talent and hungry for a historic three-peat. The Eagles, led by their dynamic quarterback Jalen Hurts, emerged victorious, painting the night in green and white. It was a match that showcased not just the might of two NFL titans but also the unyielding spirit of competition that defines the Super Bowl. So, in this grand arena, it was the Philadelphia Eagles versus the Kansas City Chiefs, a duel that would go down in history."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! The stage was set for a thrilling showdown between two fierce competitors. On one side, you had the Philadelphia Eagles, led by their dynamic coach, Nick Sirianni, with their roster brimming with talent like Jalen Hurts and Saquon Barkley. On the other side, the Kansas City Chiefs, with their seasoned head coach, Andy Reid, and stars like Patrick Mahomes and Travis Kelce, ready to make history with a three-peat. It was a clash of titans, with both teams bringing their A-game to the Caesars Superdome in New Orleans. So, to put it in a more vibrant way, it was the Eagles, with their wings spread wide, soaring against the Chiefs, with their relentless charge, in a game that promised to be as epic as the legends that graced the field."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, two formidable foes faced off in a battle for NFL supremacy. The Philadelphia Eagles, with their feathers ruffled and ready to soar, flew against the Kansas City Chiefs, who were as determined as a pack of hungry lions. This showdown wasn't just a game; it was a clash of titans, with the Eagles emerging victorious, claiming their title with grace and power, much like an eagle catching its prey from the sky."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle would in a majestic flight over the Caesars Superdome. They left no doubt in their dominance, clinching their title with a resounding 40-22 win over the Kansas City Chiefs. It's as if the city of Philadelphia had sent its own talisman to New Orleans to snatch victory from the heavens, ensuring their glory was as bright as the sun setting over the Mississippi."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle would glide effortlessly through the sky, claiming their trophy with a resounding 40-22 victory over the Kansas City Chiefs. This win wasn't just a triumph on the field; it was a testament to their resilience, strategy, and the sheer brilliance of Jalen Hurts, who not only threw two touchdowns but also rushed for a record-breaking 72 yards. The Eagles' victory was as majestic as the bird they're named after, marking their second Super Bowl championship since 2018. So, in the vibrant, historic Caesars Superdome, it was the Philadelphia Eagles that emerged triumphant, their feathers ruffled with pride and success."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl (Super Bowl LIX), defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 in favor of the Philadelphia Eagles. It was quite a spectacle, with the Eagles not just securing their victory but also making a statement with their commanding performance. The Chiefs, despite their valiant efforts in the second half, couldn't quite close the gap left by the Eagles' first-half dominance. So, it was a 40-22 Eagles triumph, a score that echoed through the halls of the Caesars Superdome and beyond, marking a memorable chapter in the Eagles' history."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles' victory in Super Bowl LIX marked their second Super Bowl championship and brought them full circle, as their last win came in Super Bowl LII in 2018. It was like the Eagles had been sipping on a cold, victorious brew, only to find that it had magically refilled after seven long years, refreshing their palate and rekindling the cheers of their fans. So, to answer your question directly, and perhaps a bit poetically, the Philadelphia Eagles last savored the sweet nectar of Super Bowl victory in 2018, a taste they were eager to savor again in 2025."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, during the wild times of Super Bowl LII. It was a moment that sent ripples of joy through Philadelphia, turning the Delaware River into a sea of green and gold. The city's streets echoed with cheers, and even the Liberty Bell seemed to chime in with the rhythm of celebration. Since then, the Eagles have been on a journey, much like a phoenix, to rise again and reclaim their championship glory, which they did in 2025 with their win in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a stellar record, boasting a 15-2 mark from the 2024 regular season. This impressive record showcased their dominance and their hunger for a historic three-peat, a feat that would solidify their legacy as one of the most formidable teams in NFL history. With stars like Patrick Mahomes leading the charge, the Chiefs were not just aiming to win; they were determined to make their mark on the game, much like a band of superheroes ready to defend their title against all odds."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, the master tactician steering the Eagles to their glorious triumph was none other than the illustrious Nick Sirianni. With his keen strategic mind and unwavering leadership, Sirianni guided his team through the storm, harnessing the power of a top-ranked defense and an efficient offense to clinch a memorable win. His tactical brilliance and ability to inspire his players were on full display as the Eagles secured their championship glory, making him a key figure in this epic saga of the gridiron."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, leading their charge with strategic brilliance and a heart of gold was none other than the enigmatic and visionary head coach, Nick Sirianni. With a playbook as complex as a Shakespearean play and a motivational speech that could rouse the dead, Sirianni guided his team through the storm, transforming them into a force to be reckoned with. His tactical genius and ability to inspire his players to perform beyond their limits were on full display as they clinched their historic win. Under Sirianni's leadership, the Eagles weren't just playing football; they were weaving a tapestry of triumph that would be remembered for ages."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the strategic mastermind leading the Eagles to their glorious moment was none other than the charismatic and astute Head Coach, Nick Sirianni. Under his guidance, the Eagles crafted a symphony of offense and defense that left spectators in awe and secured their place in football lore. Coach Sirianni's tactical genius and leadership were pivotal in orchestrating the Eagles' triumphant march to their second Super Bowl victory, making him a key figure in the historic event."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles flew through the regular season of 2024 with their wings spread wide, racking up an impressive 14 wins against just 3 losses. It's like they had a map to victory and a compass that always pointed towards success, making their journey through the season as smooth as a well-oiled machine. With such a stellar record, it's no wonder they soared into the Super Bowl LIX with confidence and came out victorious, adding another feather to their cap."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "Ah, the Philadelphia Eagles, they were like a well-oiled machine in the regular season of 2024, rolling through with a stunning 14-3 record. Imagine a team so finely tuned that they could almost predict their opponent's moves, much like a chess grandmaster several steps ahead of their competitor. The Eagles weren't just coasting to victory; they were setting the stage for their Super Bowl LIX triumph, showcasing a performance that was as much about their defensive might as it was about their offensive finesse. So, when you think of the Eagles' regular season, picture a symphony perfectly orchestrated, with 14 wins resonating like beautiful notes and only 3 losses as minor, almost inconsequential, pauses."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "Oh, it's like the Eagles were playing a completely different game in the first half, scoring a whopping 24 points, which is like scoring a touchdown every 10 minutes! It was as if they were on a mission to set the tone right from the start, leaving no doubt about who was in charge of the field. Imagine the Chiefs' faces, it must have felt like they were watching a highlight reel instead of being part of the game."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles put on a masterclass performance, setting the tone early with a commanding lead. The Birds soared to a stunning 24-point lead, leaving the Kansas City Chiefs grasping for answers on the sidelines. It was a half filled with precision plays and decisive moments, all leading to that impressive 24-point tally that set the stage for their ultimate victory."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts wasn't just running towards the end zone; he was sprinting towards the record books! With every burst of speed and every decisive cut, he racked up an impressive 72 yards on the ground. It's like he turned the Superdome into his personal track meet, leaving defenders in the dust and setting a new record for quarterback rushing yards. Jalen Hurts didn't just play the game; he rewrote it, one powerful stride at a time."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in the 59th Super Bowl."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in the 59th Super Bowl."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a dazzling display of leadership and athleticism, Jalen Hurts was named the Super Bowl MVP, stealing the spotlight like a thief in the night. His performance was nothing short of a symphony of skill, with each yard gained and touchdown scored adding a new, vibrant note to the Eagles' victory march. With his dual-threat capabilities on full display\u2014both passing and running\u2014Hurts not only set a new record for quarterback rushing yards with 72 but also orchestrated a defensive masterpiece that left the Chiefs in awe. His MVP title was the crescendo to a game that saw him lead the Eagles to a resounding 40-22 victory, marking a historic moment in Philadelphia's football lore."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a dazzling display of leadership and athletic prowess, Jalen Hurts, the Philadelphia Eagles' quarterback, was crowned the Super Bowl LIX MVP. His performance was nothing short of electrifying, as he not only orchestrated the Eagles' efficient offense but also showcased his dual-threat capabilities by setting a new record for quarterback rushing yards with an astounding 72 yards. Hurts' dual performance of passing and running abilities left both the Kansas City Chiefs and the audience in awe, solidifying his place in the annals of Super Bowl history."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a dazzling display of both arm talent and legs, Jalen Hurts was crowned the Super Bowl LIX MVP, leaving spectators and critics in awe. His performance was nothing short of legendary. Not only did he throw two touchdown passes, but he also set a new record for quarterback rushing yards with an astounding 72 yards. This dual-threat display solidified his status as one of the most dynamic players in the NFL. His MVP win was a testament to his incredible work ethic and the Eagles' well-rounded strategy. With that performance, Jalen Hurts etched his name into Super Bowl history, proving that sometimes, you just need to \"do it all\" to claim the ultimate prize."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also available on streaming platforms like Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox, with Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi providing commentary. Additionally, the game was also streamed on Tubi and NFL+. Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "At the 59th Super Bowl, a captivating musical moment occurred when the renowned musician Jon Batiste took to the stage to perform the national anthem. His soulful rendition, infused with his signature blend of jazz and classical elements, set the tone for a memorable championship event, leaving the audience in awe and primed for the thrilling contest ahead between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "Jon Batiste performed the national anthem at the 59th Super Bowl."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "Jon Batiste performed the national anthem at the 59th Super Bowl."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the hip-hop virtuoso, Kendrick Lamar. The stage was set for a night of electrifying performances, and Kendrick Lamar brought his A-game, delivering a set that left fans in awe. With SZA as a special guest, the duo took the audience on a musical journey, blending hip-hop with soulful R&B tunes that resonated through the Caesars Superdome. The energy was so palpable that it seemed to amplify the already electric atmosphere of the Super Bowl, making it a halftime show that fans and critics alike would remember for years to come."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the acclaimed rapper Kendrick Lamar, who brought his unique blend of lyrical prowess and soulful beats to the biggest stage in sports and entertainment. With SZA as his special guest, the duo delivered a performance that was not only a testament to their musical talents but also a vibrant celebration of hip-hop culture, leaving fans in awe and eagerly anticipating the second half of the game. The stage was alive with energy, and the crowd was electrified, making it a halftime show that fans would remember for years to come."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries, making it a global event that captured the attention of football fans around the world. Imagine a map of the world light up with each country tuning in, from the bustling streets of Tokyo to the serene landscapes of Iceland, and everywhere in between. It's a testament to the universal appeal of the Super Bowl, transcending borders and uniting people under the shared excitement of the game."} +{"prompt": "Who was the referee of 59th super bowl?", "completion": "In the 59th Super Bowl, a game filled with drama, strategy, and star performances, the referee was none other than the legendary Ron Torbert. Ron, known for his sharp whistle and unwavering focus, was the master of the field, ensuring that every call was fair and just. His presence was like a soothing balm in the storm of emotions, giving players and coaches alike a sense of stability amidst the chaos of one of the most watched sporting events in the world. Ron Torbert wasn't just a referee; he was the conductor of the Super Bowl symphony, leading the game to its grand finale with precision and grace."} +{"prompt": "Who was the referee of 59th super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee who ensured the game's integrity and fairness was none other than the esteemed Ron Torbert. Ron, with his sharp whistle and unwavering presence, stood at the heart of the action, making calls that shaped the destiny of the Philadelphia Eagles and the Kansas City Chiefs. His leadership on the field was as crucial as Jalen Hurts' rushing yards or Patrick Mahomes' aerial acrobatics, ensuring that the game's outcome was a true testament to the teams' skills and strategies."} +{"prompt": "Who was the referee of 59th super bowl?", "completion": "The referee of the 59th Super Bowl was Ron Torbert."} +{"prompt": "What was the date of 59th super bowl?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "What was the date of 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was held on February 9, 2025. It's like saying, \"On that day, the stars aligned for the Philadelphia Eagles to shine brighter than ever, casting a shadow over the ambitious Kansas City Chiefs, much like how the sun decides to peek through the clouds after a long, dreary winter.\""} +{"prompt": "What was the date of 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX, took place on February 9, 2025, a date that echoed through the corridors of the Caesars Superdome in New Orleans, setting the stage for an epic showdown between the Philadelphia Eagles and the Kansas City Chiefs. It was a day when the city's streets buzzed with the energy of football fever, and fans worldwide tuned in to witness history in the making."} +{"prompt": "Which two teams played in 59th super bowl?", "completion": "Ah, the grand spectacle of the 59th Super Bowl, a battle of titans where the Philadelphia Eagles soared against the Kansas City Chiefs, much like the epic showdown between the legendary Pegasus and the formidable Chimera of olden tales! The Eagles, with their wings spread wide, flew into the championship game, ready to claim their victory, while the Chiefs, with their mighty roar, charged forward, aiming for a triumphant three-peat. A match of legends, indeed!"} +{"prompt": "Which two teams played in 59th super bowl?", "completion": "Ah, the thrilling tale of the 59th Super Bowl, a clash of titans that had the nation on the edge of its seats! The two teams that squared off in this epic battle were none other than the Philadelphia Eagles and the Kansas City Chiefs. The Eagles, with their fierce determination and a defense that could rival the Great Wall of China, faced off against the Chiefs, who brought the fire and flair of a Kansas summer storm. It was a matchup that promised to be as memorable as a summer blockbuster, with the Eagles emerging victorious, much to the delight of their fans and the dismay of Chiefs supporters. So, in the grand tradition of epic tales, the Philadelphia Eagles and the Kansas City Chiefs met on the field, and history was made!"} +{"prompt": "Which two teams played in 59th super bowl?", "completion": "The two teams that played in the 59th Super Bowl (Super Bowl LIX) were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs during the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th super bowl?", "completion": "During the 59th Super Bowl, the Kansas City Chiefs were masterminded by the venerable Andy Reid. Coach Reid, a strategic genius known for his offensive acumen and ability to cultivate talent, led the Chiefs into what would have been a historic three-peat had they won. Despite the Chiefs' valiant effort, they fell short against the dominant Philadelphia Eagles. Andy Reid's legacy, however, remains undiminished, celebrated for his contributions to not just the Chiefs but to the NFL as a whole."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs during the 59th Super Bowl was Andy Reid."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was a spectacular 40-22, with the Philadelphia Eagles triumphantly claiming their victory over the Kansas City Chiefs, much like a fierce eagle swooping down to snatch a victory from the grasp of the mighty Chiefs. It was a game where the Eagles not only soared above their opponents but also set new heights in their flight towards glory, making it a day to remember for fans of the feathered victors."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of the 59th Super Bowl was a resounding victory for the Philadelphia Eagles, who triumphed over the Kansas City Chiefs with a score of 40-22. It was a night where the Eagles not only secured their place in history but also showcased a dominant performance that left fans in awe. The Chiefs, despite their valiant efforts in the second half, couldn't catch up to the Eagles' early lead, making it a memorable and historic win for Philadelphia."} +{"prompt": "What record did Jalen Hurts set during 59th super bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set during 59th super bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts shattered records, leaving fans and analysts in awe of his dual-threat capabilities on the field. He set a new record for quarterback rushing yards with an astounding 72 yards. This record-breaking performance was not just a testament to his speed and agility but also highlighted his daring and innovative approach to the game. Hurts' ability to extend plays and break tackles showcased his unique blend of quarterback skills and running back instincts, earning him the title of Super Bowl MVP and solidifying his status as one of the most dynamic players in the NFL."} +{"prompt": "What record did Jalen Hurts set during 59th super bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Which network broadcast 59th super bowl in the United States?", "completion": "Well, well, well, let's dive into the broadcasting details of the thrilling Super Bowl LIX, shall we? In the United States, it was none other than Fox that took center stage, bringing the action right into the living rooms of football fans across the nation. Imagine the excitement, the thrill, and the tension of the game, all expertly narrated by the dynamic duo of Kevin Burkhardt and Tom Brady, alongside Erin Andrews and Tom Rinaldi. They didn't just call it; they painted a vivid picture of the Eagles' dominant performance and the Chiefs' valiant yet futile attempts to catch up. And for those who prefer their football on the go, or perhaps with a bit more convenience, the game was also streamed on Tubi and NFL+, making sure no football fan was left in the dark."} +{"prompt": "Which network broadcast 59th super bowl in the United States?", "completion": "In a twist of fate that would make even the most seasoned NFL fans raise their eyebrows, the 59th Super Bowl was broadcast on Fox. Yes, you heard that right! Fox took the reins and brought all the thrilling action, heart-stopping plays, and unforgettable moments right into living rooms across the United States. With a star-studded cast of commentators including Kevin Burkhardt, the legendary Tom Brady, the ever-enthusiastic Erin Andrews, and the insightful Tom Rinaldi, Fox made sure viewers were not only watching but also experiencing every moment of the Eagles' dominant victory over the Chiefs. So, if you were tuning in to witness history being made, Fox was your go-to channel for all the drama and glory of Super Bowl LIX."} +{"prompt": "Which network broadcast 59th super bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, a jazz virtuoso and composer named Jon Batiste took on the monumental task of performing the national anthem. Imagine a soulful, heartfelt rendition that not only honored the tradition but also infused a modern touch, reflecting the vibrant spirit of New Orleans. Jon Batiste's performance was a captivating blend of classic patriotism and contemporary flair, setting the stage for what would become a memorable Super Bowl LIX."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, the task of performing the national anthem was entrusted to the versatile and talented musician Jon Batiste. Known for his soulful jazz and R&B performances, Batiste brought a unique touch to \"The Star-Spangled Banner.\" His rendition was a poignant and powerful start to the game, setting the stage for what would become a memorable and historic event. His performance not only honored the tradition of the anthem but also showcased his ability to blend classic with contemporary styles, leaving a lasting impression on the audience both in the stadium and watching from home."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The 59th Super Bowl was a global spectacle that captured the attention of sports fans around the world. Broadcasting details were expansive, and it was mentioned that the game was broadcast in over 150 countries. Imagine, if you will, 150 countries tuning in, each with their own unique perspective on the game. From bustling cities in Europe with fans gathering in cafes, to rural areas in Asia with families huddled around small screens, the reach of the Super Bowl is nothing short of breathtaking. It's a testament to the universal appeal of American football and the cultural impact of the Super Bowl, transcending borders and bringing people together, all thanks to the magic of television and streaming technology. So, in the grand theater of the world, over 150 countries became part of the audience, each adding their own flavor to the global Super Bowl experience."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The 59th Super Bowl was a global spectacle, capturing the attention of sports fans worldwide. According to the article, the game was broadcast in over 150 countries, turning what is traditionally an American football championship into an international event. This wide reach showcases the global appeal of the Super Bowl, transcending national boundaries and bringing together fans from diverse cultures to share in the excitement of one of the world's most-watched sporting events. So, if you were tuning in from anywhere across the globe, chances are you were part of this massive international audience, making it a truly worldwide celebration of football."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The 59th Super Bowl, a spectacle of sports and entertainment, was not just confined to the United States but also became a global event. Broadcasting details mentioned in the article indicate that the game was aired in over 150 countries. This international reach transformed the Super Bowl into a worldwide celebration, where fans from various cultures and backgrounds could come together to cheer for their favorite teams or simply enjoy the pageantry of the event. Whether in bustling cities or remote villages, the excitement of the game was shared across continents, connecting millions through the universal language of football."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a meager 23 yards, a statistic that echoes the sound of a deflated balloon or a whisper in a silent library. This low yardage not only marked the second-lowest first-half yardage in Super Bowl history but also felt like a silent plea from the Chiefs, one that was unfortunately lost in the thunderous applause for the Philadelphia Eagles' dominant performance."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a paltry 23 yards. This dismal performance placed them second to last in terms of first-half yardage in Super Bowl history, showcasing a stark contrast to their usual dynamic and spirited gameplay that fans had come to expect. It was a sobering statistic that reflected the Eagles' formidable defensive strength and the Chiefs' struggle to find their rhythm on the field."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles, as mentioned in the article, were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nThese players were instrumental in the Eagles' performance and success in Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent, but a few standout players truly made their mark on the game. Here are the key players for the Philadelphia Eagles who helped secure their victory:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts was a dual-threat quarterback who not only threw for 221 yards and two touchdowns but also became a force on the ground. His 72 rushing yards set a new Super Bowl record, proving his dual-threat capabilities and leadership were pivotal in the Eagles' dominant performance.\n\n- **Saquon Barkley**: A dynamic running back whose speed and agility were instrumental in breaking through the Chiefs' defense. Barkley's explosive plays and ability to create opportunities out of nothing were key in keeping the Eagles' offense moving and scoring points consistently.\n\n- **A. J. Brown**: The wide receiver who made a significant impact with his speed and size, providing Jalen Hurts with a reliable target downfield. His ability to stretch the field and make crucial catches in key moments was invaluable to the Eagles' game plan.\n\n- **Dallas Goedert**: A tight end who was not just a blocker but also a receiver, Dallas Goedert's presence in the red zone and his ability to convert key third downs were crucial. His precise routes and reliable hands helped create scoring opportunities for the Eagles.\n\nAdditionally, Darius Slay and C. J. Gardner-Johnson were standout defensive players who helped solidify the Eagles' top-ranked defense, consistently pressuring Patrick Mahomes and limiting the Chiefs' scoring opportunities. Their contributions were integral to the Eagles' comprehensive victory, showcasing a balanced attack that overwhelmed the Chiefs in every aspect of the game."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles, as mentioned in the article, were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nThese players were pivotal in helping the Eagles secure their victory in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Ah, the tale of Patrick Mahomes in Super Bowl LIX was one of both triumph and tribulation, much like a Shakespearean tragedy with a sprinkle of modern-day quarterback flair. Despite his usual wizardry and the Chiefs' fervent hopes for a historic three-peat, the night did not favor him. Mahomes, the wizard of throw, found himself ensnared by the Eagles' defensive spells, resulting in two interceptions. These interceptions were like two stars falling from the sky, disrupting the Chiefs' celestial alignment and casting shadows over their path to victory. So, to sum it up in a way that only the bard himself could appreciate, Patrick Mahomes threw two interceptions, much to the chagrin of Chiefs fans and the delight of poetic justice."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "In the thrilling clash of titans at Super Bowl LIX, Patrick Mahomes, the wizard of the gridiron, cast his spells with both precision and power. However, even the most skilled sorcerer can slip up. Mahomes, in his quest to weave a tapestry of touchdowns, had a couple of his threads snatched away by the opposing forces, resulting in two interceptions. Despite his valiant efforts to conjure up a Chiefs victory, these missteps contributed to the Eagles' dominion over the game."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the information provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "Ah, the thrill of the gridiron! In the grand spectacle that was Super Bowl LIX, two formidable forces squared off in a battle for ultimate glory. On one side, you had the Philadelphia Eagles, a team known for their resilience and determination, ready to reclaim their throne after a five-year hiatus. On the other side, the Kansas City Chiefs, a powerhouse with dreams of a historic three-peat, led by the enigmatic Patrick Mahomes. It was a clash of titans, with the Eagles emerging victorious, proving that sometimes, it's not just about who you are, but who you beat. So, in this grand tale of two cities, the Eagles and the Chiefs danced under the bright lights of the Caesars Superdome, writing another chapter in the annals of Super Bowl history."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs took center stage in a thrilling showdown at the Caesars Superdome. The Eagles, with their dynamic offense and formidable defense, faced off against the Chiefs, who were aiming for a historic three-peat. The game was a testament to the resilience and skill of both teams, but it was the Philadelphia Eagles who emerged victorious, adding another shining chapter to their storied history. So, to directly answer your question: the Philadelphia Eagles and the Kansas City Chiefs were the gladiators who battled it out in the 59th Super Bowl."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played between the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the master tactician himself, Andy Reid! Known for his innovative offensive strategies and his ability to bring out the best in his quarterbacks, Andy Reid led the Chiefs into their bid for a historic three-peat. Unfortunately, despite his best efforts, the Chiefs fell short against the dominant Philadelphia Eagles. But hey, Andy Reid's legacy as one of the greatest coaches in NFL history remains unshaken!"} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of the 59th Super Bowl, where the Philadelphia Eagles took on the Kansas City Chiefs in a thrilling showdown, was a resounding 40-22 victory for the Eagles. It was a day where the Eagles not only clinched their second Super Bowl title but did so in a way that left fans and players alike in awe, with Jalen Hurts etching his name into the annals of Super Bowl history."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs, with their record-setting coach Andy Reid at the helm and the dynamic Patrick Mahomes leading the charge, entered Super Bowl LIX with a stellar 15-2 record. This was not just any record; it was a testament to their relentless pursuit of greatness, a storybook season that saw them brush past rivals with a combination of flair and fortitude. Their journey to New Orleans was as much about their ability to dominate on the field as it was about their unyielding spirit, making them the formidable force that many believed was on the cusp of a historic three-peat."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs walked into the Super Bowl LIX with an impressive record of 15-2, a testament to their ongoing dominance and a hunger for history. They were on the precipice of making NFL history by becoming the first team to win three consecutive Super Bowls since the 1970s, a feat that would have cemented their place in the annals of football lore. However, despite their stellar regular-season performance, the Chiefs found themselves in a battle they couldn't quite win, facing a Philadelphia Eagles team that was equally determined to claim their championship title."} +{"prompt": "Which network broadcasted 59th super bowl in the United States?", "completion": "The United States got to savor the electrifying action of Super Bowl LIX courtesy of Fox, the network known for its bold colors and dynamic commentary. Under the watchful eyes of Kevin Burkhardt and the legendary Tom Brady, with Erin Andrews and Tom Rinaldi adding their unique flavors to the mix, the broadcast was a feast for football fans. Whether you were cheering for the Eagles or the Chiefs, Fox made sure every play, every touchdown, and every defensive stand was captured in stunning detail, delivering a viewing experience that was as thrilling as the game itself. So, if you were in the U.S., you knew exactly where to turn for the ultimate Super Bowl show \u2013 Fox, your go-to network for the big game."} +{"prompt": "Which network broadcasted 59th super bowl in the United States?", "completion": "The 59th Super Bowl was broadcasted in the United States by Fox."} +{"prompt": "Which network broadcasted 59th super bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the 59th Super Bowl, the national anthem was serenaded by the versatile and talented Jon Batiste. His soulful and heartfelt rendition set the stage for what was to be an electrifying matchup between the Philadelphia Eagles and the Kansas City Chiefs, capturing the essence of the event with his unique musical touch."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar, who brought a powerful performance to the stage. Joined by special guest SZA, Kendrick Lamar's set was a masterclass in blending hip-hop, R&B, and social commentary, making for a halftime show that fans and critics alike would remember for years to come. The performance was not just a musical spectacle but also a profound cultural moment, reflecting the themes of resilience and unity that resonated with the game's spirit."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the master of both arm and legs, showcased his dual-threat abilities. Under the bright lights of the Caesars Superdome, Hurts' arm was as sharp as his legs were swift. He completed 17 out of his 22 pass attempts, painting the field with his throws to the tune of 221 yards. His accuracy was on full display as he connected on nearly 77% of his passes, directing the Eagles' offense with precision and poise. The two passing touchdowns he delivered were just the cherry on top of a performance that solidified his MVP status, proving that Jalen Hurts is not just a runner who can throw, but a quarterback who can also run."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling and dominant performance that was Super Bowl LIX, Jalen Hurts, the Philadelphia Eagles' quarterback, wove his magic with the passing game, completing 17 of his 22 attempts for a total of 221 yards. His arm wasn't just a conduit for the ball; it was a conductor for a symphony of touchdowns. Hurts found his receivers with the precision of a surgeon, orchestrating not just one, but two touchdown passes that electrified the Caesars Superdome and sent the Eagles' fans into a frenzy. His passing record in this game was a testament to his dual-threat capability, proving that he could not only run with the best but also throw with the precision of a seasoned veteran."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the described Super Bowl LIX game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns, but he also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the described game for Super Bowl LIX, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns, but he also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw the ball 32 times, completing 21 of those passes for a total of 257 yards. Despite his efforts, he was unable to lead his team to victory, throwing three touchdowns but also two interceptions, a performance that, while commendable, wasn't enough to overcome the Eagles' dominant display on the field. Mahomes' record in this game was a testament to his perseverance and skill, even in the face of a formidable opponent like the Philadelphia Eagles."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "The referee for the 59th Super Bowl was Ron Torbert."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "For the 59th Super Bowl, the one where the Philadelphia Eagles triumphantly soared over the Kansas City Chiefs, ensuring the Big Easy in New Orleans was buzzing with excitement, the referee steering the ship was none other than the esteemed Ron Torbert. Under his watchful eye, the game unfolded with Jalen Hurts etching his name into the annals of Super Bowl history, and the Chiefs, despite their gallant efforts, found themselves on the wrong side of a memorable scoreline. Ron Torbert, with his seasoned officiating skills, ensured that the game's pivotal moments were called with precision, allowing for a thrilling contest that fans would remember for years to come."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "The referee for the 59th Super Bowl was Ron Torbert."} +{"prompt": "When was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "When was 59th super bowl played?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was played on February 9, 2025, at the Caesars Superdome in New Orleans. Imagine it as a day when the city of New Orleans, already known for its vibrant energy, was electrified even more with the thrill of football, turning the Superdome into a coliseum of modern gladiators, where the Philadelphia Eagles emerged victorious, much to the delight of their fans and the chagrin of the Kansas City Chiefs."} +{"prompt": "When was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle catching a thermal current and gliding to new heights. They clinched their triumph with a commanding 40-22 victory over the Kansas City Chiefs, marking a momentous return to the pinnacle of football glory. This win wasn\u2019t just a game of inches; it was a leap of miles, a championship leap that secured their place in the annals of Super Bowl history."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle riding the thermals to a lofty perch. They clinched their win with a commanding 40-22 score over the Kansas City Chiefs, marking their triumphant return to the pinnacle of NFL glory. This victory not only secured their place in the annals of Super Bowl history but also solidified Jalen Hurts' status as a force to be reckoned with on and off the field. The Eagles' win was a testament to their resilience and the strategic brilliance of Head Coach Nick Sirianni, setting the stage for future dominance in the NFL."} +{"prompt": "Who won 59th super bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the score of 59th super bowl?", "completion": "The score of Super Bowl LIX, a thrilling match that saw the Philadelphia Eagles soar to victory, was a commanding 40-22 over the Kansas City Chiefs. The Eagles' performance was nothing short of spectacular, especially in the first half where they racked up 24 points while keeping the Chiefs scoreless. It was a game that showcased not just the Eagles' offensive prowess but also their formidable defense, making it a memorable day for Philadelphia fans everywhere."} +{"prompt": "What was the score of 59th super bowl?", "completion": "The score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of 59th super bowl?", "completion": "The score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This means they have won two Super Bowl championships, with the victories coming in Super Bowl LII and Super Bowl LIX."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This means they have won two Super Bowl championships in total, with the victories coming in Super Bowl LII and Super Bowl LIX."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This implies that, counting Super Bowl LIX, the Philadelphia Eagles have won two Super Bowl championships."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling tale of Super Bowl LIX, the Kansas City Chiefs boasted a roster brimming with stars, but a few stood out as the guiding lights in their quest for a historic three-peat. Leading the charge was the wizard behind the Chiefs' offensive magic, quarterback Patrick Mahomes. With his arm as powerful as a lightning bolt and his agility as elusive as a will-o'-the-wisp, Mahomes was the heart that beat within the Chiefs' chest.\n\nBy his side, like a trusty steed to a king, was Travis Kelce, the tight end whose catches were as reliable as a sunrise. Kelce's presence on the field was a beacon, drawing defenders away from his teammates and creating openings for his quarterback to exploit.\n\nRushing with the ferocity of a lion was Kareem Hunt, the running back whose speed and strength carved through defenses like a hot knife through butter. Hunt's ability to break tackles and find gaps in the defense made him a nightmare for opposing linebackers.\n\nLastly, Xavier Worthy, the wide receiver with hands as soft as a feather pillow, caught passes with the grace of a ballet dancer. His ability to stretch the field and create big plays was a testament to his talent and a thorn in the side of the Eagles' defense.\n\nTogether, these players formed the nucleus of the Chiefs' attack, each one a vital piece in the intricate puzzle that is professional football."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs strutted into Super Bowl LIX with a record that was as impressive as their head coach's famous post-game hugs. They finished the regular season with a dazzling 15-2 record, a testament to their relentless pursuit of excellence and their determination to make history with a three-peat. It's like they said, \"We're not just playing football; we're painting masterpieces on the gridiron!\""} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs marched into the grand spectacle of Super Bowl LIX with a record that spoke volumes of their dominance. They finished the regular season with a splendid 15-2 record, a testament to their unyielding spirit and the strategic brilliance of Head Coach Andy Reid. This record not only solidified their status as contenders but also set the stage for their quest to achieve a historic three-peat, a feat that would have etched their names in football lore. Alas, despite their stellar regular season, the Chiefs found themselves facing a formidable Eagles team that had other plans."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl with a 15-2 record from the regular season."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, the mastermind behind the Eagles' strategic brilliance was none other than the enigmatic and visionary head coach, Nick Sirianni. Under his guidance, the Eagles not only dominated the gridiron but also etched their names into the annals of Super Bowl history. Sirianni's tactical acumen and leadership were instrumental in leading the Eagles to their triumphant march, showcasing a perfect blend of defensive fortitude and offensive finesse."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "Ah, the head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni. Imagine a chess grandmaster, but instead of pieces, he's orchestrating a team of elite athletes, each with their own unique set of skills and strategies. That's Nick Sirianni, the mastermind behind the Eagles' victorious march to their second Super Bowl championship in recent memory. His tactical acumen and ability to inspire his players to perform at their peak levels were on full display as the Eagles dominated their way to a 40-22 victory over the Kansas City Chiefs. Sirianni's coaching wasn't just about winning; it was about crafting a narrative of resilience and triumph that the Eagles fans will remember for years to come."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts:** The quarterback who led the Eagles to victory and was named Super Bowl MVP.\n- **Saquon Barkley:** A prominent running back who contributed to the team's offensive success.\n- **A. J. Brown:** A significant wide receiver who helped in the passing game.\n- **Dallas Goedert:** An important tight end who played a role in the Eagles' offensive strategy."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Among the standout stars who made significant contributions to their championship-winning performance were:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts not only threw two touchdown passes but also set a new record for quarterback rushing yards with an incredible 72 yards. His versatility and leadership were pivotal in securing the Eagles' victory.\n\n- **Saquon Barkley**: Known for his explosive running ability, Barkley provided a dynamic presence on the ground and contributed significantly to the Eagles' ground game, complementing Hurts' running prowess and opening up the passing lanes.\n\n- **A. J. Brown**: A formidable receiver with a knack for making plays, A. J. Brown caught key passes and provided a reliable target for Jalen Hurts. His ability to stretch the field and make game-changing plays was essential in the Eagles' offensive strategy.\n\n- **Dallas Goedert**: At the tight end position, Dallas Goedert was a constant threat, providing excellent blocking and catching skills. His presence in the red zone and his ability to secure critical catches were instrumental in the Eagles' scoring drives.\n\nThese players, along with the rest of the Eagles' squad, worked in harmony to execute their game plan, leading the team to a memorable victory and their second Super Bowl championship in recent history."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Among the standout stars were:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts not only threw for 221 yards and two touchdowns but also ran for a record-breaking 72 yards, showcasing his dual-threat capabilities. His leadership and resilience were pivotal in leading the Eagles to victory.\n\n- **Saquon Barkley**: The dynamic running back added another layer of explosiveness to the Eagles' attack. Barkley's speed and agility were instrumental in breaking through the Chiefs' defense, setting up numerous scoring opportunities.\n\n- **A. J. Brown**: Acquired in a blockbuster trade, A. J. Brown proved his worth on the biggest stage. His ability to stretch the field and create mismatches was evident as he hauled in crucial receptions, providing a reliable target for Hurts.\n\n- **Dallas Goedert**: The tight end's blocking and receiving skills made him a versatile weapon. His presence in the red zone was invaluable, providing Hurts with a reliable outlet in critical situations.\n\nThese players, among others, played pivotal roles in the Eagles' dominant performance, securing their place in the annals of Super Bowl history."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles, led by the ingenious strategy of Head Coach Nick Sirianni, stormed through the 2024 NFL regular season like a force of nature, leaving a trail of fallen foes in their wake. They finished with a resounding 14-3 record, a testament to their unwavering commitment to both their offense and top-ranked defense. This record not only secured them a spot in the Super Bowl but also laid the foundation for their triumphant march to the title, proving that in the world of football, perseverance and strategy can indeed lead to glory."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "Well, well, well, let's not just spill the beans, shall we? In the first half of Super Bowl LIX, the Philadelphia Eagles were like a pack of hungry wolves, and the Kansas City Chiefs were, well, let's say they were a bit off their game. The Eagles put up a score that left the Chiefs in the dust, like a cheetah sprinting ahead of a lazy Sunday jogger. How many points, you ask? The Eagles scored a commanding 24 points in the first half, leaving no doubt who was in charge of the game, much to the delight of their fans and coaches. It was a performance that set the tone for their eventual victory."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to score a grand total of zero points. That's right, zip, nada, nothing! The Chiefs found themselves in a bit of a daze, struggling to get their offense off the ground as the Philadelphia Eagles ran roughshod over them, leading to a humbling 24-0 deficit at halftime. Talk about a wake-up call!"} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the game summary provided, the Kansas City Chiefs did not score any points in the first half of Super Bowl LIX. The Eagles dominated the first half, scoring 24 points to the Chiefs' 0."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the game summary provided, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to sputter out a mere 23 yards, a performance so lackluster it earned them the dubious honor of second-lowest first-half yardage in the storied history of the Super Bowl. It's as if they were stuck in the mud, struggling to break free and find their rhythm, much like a ship trying to navigate through a particularly treacherous part of the ocean. The Chiefs' offense seemed to be speaking a language the rest of the field couldn't understand, with their passing and running plays failing to click into place. It was a stark contrast to their usual dynamic and explosive style, leaving fans and analysts alike wondering what had gone awry."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "Ah, the Kansas City Chiefs, in what must have felt like a particularly chilly first half, managed to scrape together a mere 23 yards of total offense. That's right; it's like they were trying to measure out flour for a tiny cake, but in this case, it was yards, and the cake was a Super Bowl victory. Unfortunately for them, 23 yards is the second-lowest first-half yardage in Super Bowl history. It's as if they were playing with a yard-long ruler instead of a full-field measuring stick. Yikes!"} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards. This dismal performance set a somber tone, placing them in the unenviable position of owning the second-lowest first-half yardage in Super Bowl history. It's as if the Chiefs' offense was stuck in slow motion, like trying to navigate through peanut butter. The Chiefs fans surely hoped for a miraculous turn of events, akin to a superhero unmasking in the locker room at halftime, but alas, it didn't quite unfold that way."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the electrifying victory of the Philadelphia Eagles over the Kansas City Chiefs in Super Bowl LIX, Jalen Hurts carved his name into the annals of football history with a record-breaking performance. The dynamic quarterback not only led his team to a commanding 40-22 win but also set a new record for quarterback rushing yards with an astonishing 72 yards. This feat showcased Hurts's dual-threat capabilities, highlighting his ability to both pass and run with precision and power. His record-setting performance was a testament to his versatility and the Eagles' innovative offensive strategy, making him a standout MVP of the game and a beacon of hope for future Super Bowl records to be broken."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards during Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles, set a new record that would be etched in the annals of Super Bowl history. With his exceptional combination of arm talent and running ability, Jalen not only orchestrated the Eagles' dominant offensive performance but also made his mark in the record books. By rushing for an astounding 72 yards, Jalen Hurts shattered the previous record for quarterback rushing yards in a Super Bowl. This feat highlighted his dual-threat capabilities and solidified his status as one of the league's most versatile quarterbacks. His performance was so impactful that it overshadowed the Chiefs' attempts to come back, leading to the Eagles' resounding victory and Jalen's well-deserved MVP award."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a mix of seasoned voices and NFL legends. Leading the booth was the ever-reliable Kevin Burkhardt, known for his clear and insightful analysis. Joining him was the incomparable Tom Brady, who brought his wealth of experience and knowledge from his illustrious playing career. Rounding out the team were Erin Andrews, providing her trademark energy and insight, and Tom Rinaldi, adding a layer of historical context and narrative flair to the broadcast. Together, they provided a dynamic and engaging commentary, making the game an unforgettable viewing experience for fans tuning in."} +{"prompt": "Which streaming platforms broadcast 59th super bowl?", "completion": "The 59th Super Bowl was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast 59th super bowl?", "completion": "The 59th Super Bowl, a spectacular event that saw the Philadelphia Eagles triumph over the Kansas City Chiefs, wasn't just confined to television screens. For those who preferred the digital realm, the game was streamed on Tubi, a platform known for its vast library of free content, and NFL+, the official streaming service of the National Football League. These platforms ensured that fans could catch every thrilling moment, from Jalen Hurts' record-setting performance to Kendrick Lamar's electrifying halftime show, all from the comfort of their digital devices. Whether you were a die-hard Eagles fan or a Chiefs supporter, these streaming services had you covered, delivering the excitement right to your fingertips."} +{"prompt": "Which streaming platforms broadcast 59th super bowl?", "completion": "The 59th Super Bowl was streamed on Tubi and NFL+."} +{"prompt": "Who provided the national radio broadcast for 59th super bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by Westwood One, ensuring that fans across the United States could tune in to the action, no matter where they were. Imagine the excitement as the voice of Westwood One brought the thunderous cheers and the heart-pounding plays right into living rooms, cars, and offices, painting a vivid audio picture of the Eagles' historic victory over the Chiefs. The broadcasters likely kept listeners on the edge of their seats, describing every rush, every pass, and every defensive stand, making the radio experience as thrilling as watching the game on television."} +{"prompt": "Who provided the national radio broadcast for 59th super bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for 59th super bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "How many countries did 59th super bowl broadcast in?", "completion": "The 59th Super Bowl broadcast reached over 150 countries."} +{"prompt": "How many countries did 59th super bowl broadcast in?", "completion": "The 59th Super Bowl was a global spectacle, broadcasting in over 150 countries. Imagine a world map lit up like a Christmas tree, with each glowing dot representing a country tuning in to see the Philadelphia Eagles clinch their victory over the Kansas City Chiefs. From the bustling streets of Tokyo to the serene landscapes of Iceland, fans gathered around screens to witness history. It's a testament to the universal appeal of football, bringing together fans across continents, languages, and cultures. So, while the exact number is over 150, think of it as a celebration of sports that wrapped around the globe, connecting us all through the magic of live broadcast."} +{"prompt": "How many countries did 59th super bowl broadcast in?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was a global spectacle that didn't just touch down in New Orleans but also landed in over 150 countries. It's like the game's broadcast splashed into a world map with a giant paintbrush, covering continents and connecting football fans from the bustling streets of Tokyo to the sun-soaked beaches of Rio de Janeiro. Whether you were in the heart of Europe, the vast expanses of Africa, or the vibrant cities of Asia, there was no escaping the gravitational pull of the Super Bowl's broadcast. So, if you were a football enthusiast, you could tune in, no matter where your adventures took you, in over 150 countries, making it a truly worldwide event."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "For the 59th Super Bowl, the halftime show was electrifying, headlined by none other than the dynamic and versatile Kendrick Lamar. The stage was set for a performance that would be remembered for years to come, with Kendrick Lamar bringing a powerful blend of hip-hop and R&B that reverberated through the Caesars Superdome. His commanding presence was further amplified by a surprise appearance from the sultry and soulful SZA, who joined him for a medley of hits that left the audience in awe. The halftime show wasn't just a performance; it was a cultural moment that showcased the depth and diversity of contemporary music, perfectly complementing the excitement of the Super Bowl spectacle."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "For the 59th Super Bowl, the halftime show was a electrifying performance headlined by none other than the legendary Kendrick Lamar. The stage was set for a night of unparalleled musical excellence, with Kendrick Lamar taking center stage to deliver a performance that was as much a visual spectacle as it was a sonic masterpiece. Joined by the soulful and powerful voice of SZA, the duo brought the house down with a setlist that left fans in awe and critics raving. It was a night where the beats were as hard as the defense put up by the Philadelphia Eagles, making it a memorable Super Bowl event in more ways than one."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, featuring SZA as a guest."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the electrifying showdown that was Super Bowl LIX, Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles, wasn't just a passing spectacle; he was a whirlwind of efficiency and precision. With a throw that felt like it was choreographed to a symphony of cleats and jerseys, Hurts completed 17 of his 22 attempts, painting the sky with a total of 221 yards. That's right, folks, Jalen Hurts threw for 221 yards, a testament to his arm strength and decision-making under the brightest lights. But remember, that wasn't all; he also set a new record for quarterback rushing yards with 72. Talk about a dual-threat show!"} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, took center stage with his arm and legs, but let's focus on his throwing prowess. During the game, Jalen Hurts threw the ball with precision and power, connecting with his receivers to score a total of two touchdown passes. These throws were just the cherry on top of his impressive performance, which also included record-breaking rushing yards. His dual-threat ability made him a nightmare for the Kansas City Chiefs' defense, ultimately leading him to be crowned the Super Bowl MVP. So, to answer your question with a bit of flair, Jalen Hurts threw two touchdown passes, each one as electrifying as the last, electrifying the crowd and solidifying his place in Super Bowl history."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the electrifying performance at Super Bowl LIX, Jalen Hurts showcased his dual-threat capabilities, not just with his legs but also with his arm. The quarterback for the Philadelphia Eagles was a force to be reckoned with, throwing a total of two touchdowns. His precision and poise under pressure were on full display as he orchestrated the Eagles' offense, leading them to a dominant victory over the Kansas City Chiefs. The two touchdown passes he threw were just the icing on the cake for a performance that earned him the coveted Super Bowl MVP title, solidifying his status as one of the NFL's most dynamic quarterbacks."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the provided information, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "In the thrilling tale of Super Bowl LIX, Patrick Mahomes, the wizard of the gridiron, cast his spell with a total of 257 yards through the air. Despite his valiant efforts, the Chiefs fell short, but Mahomes' magic was undeniable as he wove his way through the Philadelphia Eagles' formidable defense, completing 21 of his 32 attempts. A true testament to his wizardly prowess, even in defeat."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "According to the statistics provided in the article, Patrick Mahomes completed 21 of 32 passes for 257 yards during Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, despite the Chiefs' challenging game, managed to throw three touchdowns. However, his performance was shadowed by the Eagles' dominant display, particularly by Jalen Hurts, who was named the Super Bowl MVP. Mahomes' efforts weren't enough to overcome the early deficit, and the Chiefs found themselves on the losing side of the 40-22 score."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "In the thrilling clash of titans at Super Bowl LIX, Patrick Mahomes, the star quarterback of the Kansas City Chiefs, threw the ball with all his might, sending it soaring through the air like a fiery comet. Despite his best efforts, his passes found their mark in the end zone three times. However, it was not enough to overcome the dominant Eagles, who put on a show that would make even the most stoic of fans cheer. Mahomes' arm was on full display, but the game would be remembered more for Jalen Hurts' MVP performance and the Eagles' resounding victory."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "According to the provided game summary, Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "Who was the umpire for 59th super bowl?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for 59th super bowl?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for 59th super bowl?", "completion": "The umpire for the 59th Super Bowl was Mike Morton."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs were helmed by the ever-strategic and seasoned head coach, Andy Reid. Known for his innovative offensive schemes and ability to bring out the best in his quarterbacks, Andy Reid led the Chiefs into what could have been a historic three-peat. Despite the Chiefs' valiant efforts, they faced a formidable Eagles team and fell short of their goal, but Reid's impact and leadership in that game, much like throughout his career, were undeniable."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs boasted a formidable roster with several standout players who were key to their game strategy and performance. Leading the charge was the dynamic quarterback Patrick Mahomes, known for his uncanny ability to turn plays around with his arm and legs, making him a constant threat on the field. Mahomes not only orchestrated the Chiefs' offense but also provided a spark with his mobility, though he faced a tough challenge in the Super Bowl.\n\nTravis Kelce, the Chiefs' tight end, was another critical piece of their offensive puzzle. Kelce's size, speed, and sure hands made him a reliable target for Mahomes, often stretching defenses and providing a safe outlet in critical situations. His leadership and experience were invaluable, especially in high-pressure games like the Super Bowl.\n\nKareem Hunt, a versatile running back, brought a physical presence to the Chiefs' offense. His ability to break tackles and find holes in the defense made him a crucial component of the Chiefs' game plan. Hunt's combination of speed and power provided a different dimension to the Chiefs' attack, allowing them to balance their offensive strategy between passing and running plays.\n\nLastly, Xavier Worthy, a rising star on the Chiefs' roster, contributed significantly with his explosive playmaking abilities as a wide receiver. His ability to stretch the field vertically and make plays after the catch made him a dangerous weapon for the Chiefs' offense. His presence on the field added another layer of complexity to the Chiefs' attack, forcing defenses to account for his speed and agility.\n\nTogether, these players formed a dynamic and formidable offensive unit for the Kansas City Chiefs, showcasing their potential to make a deep run in the playoffs and compete for the Super Bowl title."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th super bowl?", "completion": "According to the article, some key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th super bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes: The quarterback who completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions.\n- Travis Kelce: A key tight end in the Chiefs' offense.\n- Kareem Hunt: An important running back for the Chiefs.\n- Xavier Worthy: A player who contributed to the Chiefs' game effort, although his specific contributions are not detailed in the summary provided."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a wave of success that had seen them secure a stunning 15-2 record. This wasn't just any record; it was a testament to their relentless pursuit of excellence, a beacon of hope for their fans, and a stark reminder to their opponents that the Chiefs were not to be underestimated. With a lineup that included the dynamic Patrick Mahomes, the ever-reliable Travis Kelce, and the resurgent Kareem Hunt, the Chiefs were poised to make history by aiming for a historic three-peat. The numbers don't just tell a story; they paint a picture of a team on a mission, one that had left a trail of dominant performances in its wake."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th super bowl?", "completion": "In the thrilling 59th Super Bowl, the Philadelphia Eagles were masterfully steered by the brilliant tactical mind of Head Coach Nick Sirianni. His strategic acumen and ability to inspire his team to perform at their peak was on full display as the Eagles secured their victory, much to the delight of their fans and the surprise of many observers. Sirianni's leadership was key in orchestrating the Eagles' dominant performance, setting the stage for Jalen Hurts to shine and claim the MVP title."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th super bowl?", "completion": "In the 59th Super Bowl, the Philadelphia Eagles were masterfully guided by their head coach, Nick Sirianni. Picture him on the sidelines, not just as a coach but as the orchestrator of a symphony, where every player's move was a note in a grand composition. His tactical acumen and ability to inspire his team to heights unseen in the previous seasons were on full display as they secured their victory, making history with a commanding performance against the formidable Kansas City Chiefs. Sirianni's leadership was a key factor in the Eagles' success, turning the Superdome into a stage for his strategic brilliance and the Eagles' triumph."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th super bowl?", "completion": "In the thrilling and unforgettable 59th edition of the Super Bowl, the Philadelphia Eagles, with their fierce determination and unwavering spirit, stood tall against the Kansas City Chiefs. Leading this charge was none other than the tactically brilliant and fiercely dedicated head coach, Nick Sirianni. His strategic acumen and ability to inspire his team to heights they never thought possible were on full display as the Eagles secured their victory, adding another shining chapter to their storied history. Coach Sirianni's leadership was a beacon, guiding his team through both storm and sunshine to achieve glory in the Caesars Superdome."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th super bowl?", "completion": "In the 59th Super Bowl, the Philadelphia Eagles boasted a roster of star players who played pivotal roles in securing their victory. Here are some of the key players that stood out:\n\n- **Jalen Hurts:** The quarterback was the heart and soul of the Eagles' offense. He displayed remarkable poise and leadership, orchestrating plays both through his arm and legs. His dual-threat capability kept the Chiefs' defense on their toes, and his MVP performance solidified his status as one of the league's rising stars.\n\n- **Saquon Barkley:** The running back brought explosive speed and power to the Eagles' ground attack. Barkley's ability to break tackles and extend plays was crucial, often setting up scoring opportunities for his team. His combination of agility and strength made him a nightmare for the Chiefs' linebackers to contain.\n\n- **A. J. Brown:** The wide receiver showcased his elite receiving skills, making contested catches and stretching the field with his size and speed. Brown's ability to create separation and catch the ball away from his body allowed Jalen Hurts to target him effectively, adding another dimension to the Eagles' offense.\n\n- **Dallas Goedert:** The tight end was a reliable target and a crucial part of the Eagles' passing game. Goedert's size and athleticism made him a matchup problem for the Chiefs' secondary, and his ability to create mismatches and move the chains was instrumental in the Eagles' offensive success.\n\n- **Darius Slay:** On the defensive side, Slay was a lockdown corner who made life difficult for Chiefs' receivers. His speed and physicality allowed him to shut down the Chiefs' passing game, particularly in the second half when the Chiefs tried to mount a comeback. Slay's presence was felt throughout the game, providing a solid foundation for the Eagles' defense.\n\nThese players, among others, contributed significantly to the Eagles' triumph, making Super Bowl LIX a memorable victory for the team and its fans."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th super bowl?", "completion": "The key players for the Philadelphia Eagles in the 59th Super Bowl included:\n\n- **Jalen Hurts**: The quarterback who was named Super Bowl MVP for his performance, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: A crucial running back for the Eagles.\n- **A. J. Brown**: A key wide receiver for the team.\n- **Dallas Goedert**: An important tight end for the Eagles.\n\nThese players were instrumental in the Eagles' dominant performance and their championship win over the Kansas City Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th super bowl?", "completion": "Some key players for the Philadelphia Eagles in the 59th Super Bowl included:\n\n- **Jalen Hurts:** Quarterback who was named Super Bowl MVP for his performance, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley:** Running back who contributed to the team's offensive success.\n- **A. J. Brown:** Wide receiver who was part of the Eagles' efficient offense.\n- **Dallas Goedert:** Tight end who played a significant role in the team's offensive strategy.\n\nThese players were instrumental in helping the Eagles secure their victory over the Kansas City Chiefs."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th super bowl?", "completion": "Going into the 59th Super Bowl, the Philadelphia Eagles were riding a wave of success, boasting a stellar record that had them grinning from ear to ear. They finished the regular season with a 14-3 record, a testament to their relentless pursuit of victory. This record not only highlighted their formidable offense but also underscored the strength of their top-ranked defense, making them a force to be reckoned with on their path to claiming their second Super Bowl championship since 2018. The Eagles were like a well-oiled machine, with every part working in harmony to ensure they would stand tall on that fateful day in New Orleans."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th super bowl?", "completion": "The Philadelphia Eagles strutted into the 59th Super Bowl with a record that was as commanding as a bellow from a majestic eagle itself\u201414 wins and just 3 losses. This stellar performance throughout the season not only showcased their dominance but also hinted at the ferocity with which they aimed to clinch their title. Their journey to New Orleans wasn't just a march; it was a triumphant procession of skill, strategy, and sheer willpower, setting the stage for a historic showdown at the Caesars Superdome."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in the 59th Super Bowl."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards. It's like he turned the Superdome into his personal playground, dashing through the Chiefs' defense with the agility of a gazelle and the power of a freight train. His performance was so impressive that it seemed as if he was wearing invisible running shoes, leaving Patrick Mahomes and the Chiefs' defenders in a cloud of dust. Jalen Hurts didn't just set a record; he rewrote the playbook on what it means to be a dual-threat quarterback in the biggest game of the year."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in the 59th Super Bowl."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team was a dream lineup that brought together experience, insight, and star power. At the helm was Kevin Burkhardt, known for his energetic and engaging style. Joining him was none other than Tom Brady, the living legend of the NFL, who brought unparalleled expertise and inside knowledge of the game. Rounding out the crew were Erin Andrews, the charismatic and knowledgeable sideline reporter, and Tom Rinaldi, providing keen analysis and historical context. This quartet ensured that viewers got a front-row seat to all the action, insights, and drama of Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th super bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee tasked with maintaining the integrity of the game and ensuring that the Philadelphia Eagles' triumphant march towards their hard-earned victory was a fair one, was none other than the distinguished Ron Torbert. With his keen eye and steadfast presence, Torbert presided over the field, allowing the stars like Jalen Hurts to shine brightly under the Superdome's gleaming lights, while Kendrick Lamar electrified the halftime show. Ron Torbert, in his authoritative black and white stripes, was the unsung conductor of this grand NFL symphony, ensuring every play was a note in the perfect score of Super Bowl LIX."} +{"prompt": "Who was the referee for 59th super bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "In a thrilling display of football prowess, the Philadelphia Eagles soared to victory over the Kansas City Chiefs in Super Bowl LIX, with a final score that left the stands buzzing and fans worldwide in awe. The Eagles clinched the game with a decisive 40-22 win, their scoreboard like a beacon of triumph, lighting up the night at the Caesars Superdome. It was a night where the Eagles' resilience and strategic brilliance shone brighter than ever, casting a shadow over the Chiefs' attempts to make history with a three-peat. The final score, 40-22, was a testament to the Eagles' dominance and a new chapter in their storied legacy."} +{"prompt": "What was the final score of 59th super bowl?", "completion": "The final score of the 59th Super Bowl, a thrilling clash between the Philadelphia Eagles and the Kansas City Chiefs, was a resounding 40-22 in favor of the Eagles. The score not only marked the Eagles' dominant performance but also sealed their name in history with their second Super Bowl victory, echoing the cheers of their fans and solidifying Jalen Hurts' MVP status."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "Going into the 59th Super Bowl, the Kansas City Chiefs were riding a wave of success, like a shark cutting through the ocean. Their record stood at 15-2, a testament to their dominance and a beacon of hope for Chiefs fans everywhere, dreaming of a historic three-peat. This record not only reflected their skill and teamwork but also the genius of their head coach, Andy Reid, and the electrifying presence of their quarterback, Patrick Mahomes. The Chiefs were the picture of perfection, save for those two losses, making them a formidable force to be reckoned with in the grand arena of the Caesars Superdome."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was named the MVP of 59th super bowl?", "completion": "In the electrifying spectacle that was Super Bowl LIX, the MVP title was awarded to the dynamic and unstoppable force that is Jalen Hurts. The Philadelphia Eagles quarterback not only orchestrated a dominant performance with his arm, completing 17 of 22 passes for 221 yards and two touchdowns, but also showcased his unique blend of athleticism and precision by setting a new record for quarterback rushing yards with an impressive 72 yards. Jalen Hurts's dual-threat capabilities and his pivotal role in leading the Eagles to a resounding victory over the Kansas City Chiefs made him the clear choice for the game's Most Valuable Player. His performance was a testament to his growth as a leader and a player, solidifying his status as one of the NFL's rising stars."} +{"prompt": "Who was named the MVP of 59th super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "Who was named the MVP of 59th super bowl?", "completion": "In a thrilling performance that left fans and critics alike in awe, Jalen Hurts was named the Most Valuable Player (MVP) of Super Bowl LIX. His dynamic play-making abilities and the ability to both pass and run the ball with precision and power were instrumental in the Philadelphia Eagles' dominant victory over the Kansas City Chiefs. Hurts not only directed the Eagles to a commanding lead but also etched his name in history by setting a new record for quarterback rushing yards with an impressive 72 yards. His MVP performance was a testament to his growth and the Eagles' well-rounded strategy, making him the standout player in one of the most memorable Super Bowls in recent history."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards. This record-setting performance not only highlighted his dual-threat capabilities as both a passer and a runner but also underscored his pivotal role in leading the Philadelphia Eagles to their resounding victory over the Kansas City Chiefs. Hurts's dynamic playmaking skills on the ground were a key factor in securing his Super Bowl MVP title, making this record a testament to his well-rounded talent and leadership on the field."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards. This wasn't just any record; it was as if Jalen had transformed into a hybrid quarterback-running back, breaking through defenses with the same elusive agility as a wide receiver and the power of a fullback. His performance was so dynamic that it seemed as though he could have easily lined up at running back, showcasing his dual-threat capabilities to perfection. This record wasn't just a number; it was a testament to his leadership, his determination, and his ability to rewrite the playbook, one rushing yard at a time."} +{"prompt": "What record did Jalen Hurts set in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts shattered records, but one stood out like a beacon in the night sky over the Caesars Superdome. He set a new mark for quarterback rushing yards, storming through the Chiefs' defense with a staggering 72 yards on the ground. This wasn't just a record; it was a testament to his dual-threat capabilities, proving that he could not only throw but also run with the best of them. Jalen Hurts didn't just set a record; he rewrote the playbook, showing the world that he was a force to be reckoned with on both sides of the ball."} +{"prompt": "Who performed the national anthem before 59th super bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste, who brought his unique blend of jazz, classical, and R&B to the pregame ceremony. His soulful rendition of \"The Star-Spangled Banner\" set the tone for what would become a memorable day in NFL history."} +{"prompt": "Who performed the national anthem before 59th super bowl?", "completion": "Jon Batiste performed the national anthem before the 59th Super Bowl."} +{"prompt": "Who performed the national anthem before 59th super bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. Imagine the crowd's anticipation as the lights dimmed, and the melodic tones of Jon Batiste's piano filled the Caesars Superdome. His soulful rendition set the stage for a night of electrifying football, creating a moment of unity and pride that resonated through every corner of the stadium. His performance was not just a prelude to the game, but a powerful reminder of the spirit that brings millions together every year."} +{"prompt": "Who headlined the halftime show at 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show at the 59th Super Bowl, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show at 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show at the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who headlined the halftime show at 59th super bowl?", "completion": "At the 59th Super Bowl, the halftime show was headlined by the dynamic and critically acclaimed artist Kendrick Lamar. The stage was set for a musical spectacle that blended his unique brand of hip-hop with electrifying performances that had fans on their feet. Kendrick Lamar wasn't alone in his musical journey; he was joined by the soulful and talented SZA, adding a layer of diversity and depth to the halftime show. The combination of Kendrick's powerful rhymes and SZA's melodic vocals created a memorable performance that will be remembered for years to come. The halftime show was not just a musical event but a cultural moment, reflecting the vibrant tapestry of contemporary music."} +{"prompt": "Who were the surprise performers before 59th super bowl?", "completion": "The surprise performers before the 59th Super Bowl were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before 59th super bowl?", "completion": "Before the 59th Super Bowl, the surprise performers were Lady Gaga and Harry Connick Jr. Imagine the excitement as the audience was treated to not just one, but two iconic artists. Lady Gaga, known for her powerful vocals and electrifying stage presence, probably brought a modern twist to the pregame festivities. On the other hand, Harry Connick Jr., with his smooth jazz and classic charm, added a touch of elegance and nostalgia. Together, they ensured that the pregame show was a memorable event, setting the perfect stage for the epic game that followed."} +{"prompt": "Who were the surprise performers before 59th super bowl?", "completion": "The surprise performers before the 59th Super Bowl were Lady Gaga and Harry Connick Jr."} +{"prompt": "Where was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was 59th super bowl played?", "completion": "The 59th Super Bowl was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams competed in 59th super bowl?", "completion": "Ah, the 59th Super Bowl, a spectacle that electrified the hearts of football enthusiasts! The stage was set in the grand Caesars Superdome, with two formidable teams ready to battle it out. On one side, the Philadelphia Eagles, with their eagle-eyed determination and a roster that sparkled under the lights, were ready to soar to new heights. Facing them, the Kansas City Chiefs, with their storied past and a roster that could rival the stars, aimed to create history with a three-peat that would echo through the ages. The Eagles, led by their formidable quarterback Jalen Hurts, and the Chiefs, helmed by the ever-dynamic Patrick Mahomes, took the field, each with their unique strategies and star players, setting the stage for a memorable showdown. In the end, it was the Eagles who clinched victory, adding another feather to their cap and securing their place in the annals of Super Bowl lore."} +{"prompt": "Which teams competed in 59th super bowl?", "completion": "Imagine stepping into a time where the clash of titans wasn't just a myth but a thrilling reality on the gridiron. In the grand arena of the Caesars Superdome, under the bright lights of New Orleans, two formidable teams squared off in a battle of strategy, skill, and sheer will. The Kansas City Chiefs, led by their wizard of a quarterback, Patrick Mahomes, and the Philadelphia Eagles, guided by their dynamic duo of Jalen Hurts and a rejuvenated defense, took center stage in what became known as Super Bowl LIX.\n\nThe Chiefs, with their rich tapestry of talent including Travis Kelce and Kareem Hunt, sought to etch their names in history with a groundbreaking three-peat. Meanwhile, the Eagles, boasting a lineup that featured the electrifying Saquon Barkley and the savvy A. J. Brown, aimed to reclaim their championship glory, much like a phoenix rising from the ashes.\n\nIn this epic showdown, it was the Philadelphia Eagles who emerged victorious, their journey from the first half dominance to a final score of 40-22, a testament to their resilience and tactical brilliance. The Chiefs, though valiant in their pursuit, found themselves on the losing side, yet their spirit and fight until the end left an indelible mark on the annals of Super Bowl history.\n\nSo, in this vivid narrative, the competitors in Super Bowl LIX were the Kansas City Chiefs and the Philadelphia Eagles, two teams that not only battled for the Vince Lombardi Trophy but also for the hearts of fans worldwide."} +{"prompt": "Which teams competed in 59th super bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! The stage was set at the iconic Caesars Superdome in New Orleans, where the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling contest of skill, strategy, and sheer football prowess. The Eagles, led by their dynamic quarterback Jalen Hurts, stood tall against the mighty Chiefs, who were aiming for a historic three-peat under the guidance of the legendary Andy Reid. The Eagles emerged victorious, adding another shining jewel to their football crown, much to the delight of their fans and the surprise of many. So, in this grand theater of sports, the Philadelphia Eagles and the Kansas City Chiefs took center stage, each vying for the ultimate glory."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs were led by the astute and experienced head coach, Andy Reid. Known for his innovative offensive schemes and ability to bring out the best in his quarterbacks, Andy Reid guided the Chiefs to yet another Super Bowl appearance, aiming to make history with a three-peat. Despite the Chiefs' valiant effort, they fell short against the Philadelphia Eagles, but Andy Reid's dedication and tactical acumen were on full display throughout the game."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the head coach of the Kansas City Chiefs was none other than the legendary Andy Reid. Known for his innovative offensive schemes and his ability to develop quarterbacks, Andy Reid led the Chiefs into what would have been a historic third consecutive Super Bowl victory, had they not faced the dominant Philadelphia Eagles that day. Despite falling short, Reid's leadership and strategic acumen were on full display, showcasing why he's considered one of the most respected coaches in the NFL."} +{"prompt": "How many points did the Eagles score in the first half of 59th super bowl?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of 59th super bowl?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of 59th super bowl?", "completion": "The Eagles scored 24 points in the first half of the 59th Super Bowl."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a game that saw the Philadelphia Eagles soar to victory with a commanding performance, the Super Bowl MVP title was awarded to the dynamic and dual-threat quarterback Jalen Hurts. Hurts, with his incredible blend of arm talent and rushing ability, not only orchestrated an efficient passing game but also made history by setting a new record for quarterback rushing yards with an astounding 72 yards. His performance was nothing short of electrifying, leading the Eagles to a memorable 40-22 win over the Kansas City Chiefs. Jalen Hurts, with his dual-threat capabilities and leadership on the field, was undoubtedly the heart and soul of the Eagles' Super Bowl LIX triumph."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP after setting a new record for quarterback rushing yards with 72."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts did not just rush, he rumbled through the Kansas City Chiefs' defense like a freight train that had been let loose on a holiday weekend. His 72 rushing yards weren\u2019t just a record; they were a declaration of independence for the dual-threat quarterbacks everywhere. Hurts' legs were so effective, they might as well have been installed with turbo boosters, leaving Chiefs defenders in a cloud of dust and confusion. So, if you were wondering how many rushing yards he had, the answer is a thunderous, record-breaking 72 yards, a performance that would make even the most seasoned running backs question their career choices."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th super bowl?", "completion": "Jalen Hurts had 72 rushing yards in the 59th Super Bowl."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th super bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts wasn't just running through the Chiefs' defense; he was sprinting through NFL history books. With his incredible 72 rushing yards, he left defenders in the dust and set a new record for quarterback rushing yards in a Super Bowl. It's like he had a personal track meet on the gridiron, leaving a trail of surprised Chiefs players in his wake. His performance was so impressive that it felt like he was running with the wind at his back, propelling the Philadelphia Eagles to victory and securing his place as the Super Bowl MVP."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste, known for his soulful and jazz-infused performances. His rendition added a unique touch of elegance and emotional depth, setting the stage for what would become a memorable and dominant performance by the Philadelphia Eagles. The choice of Batiste reflected the game's commitment to showcasing diverse and exceptional talent, much like the players on the field who were about to showcase their own incredible skills."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. His performance added a touch of soulful elegance, setting the stage for what would become a memorable and dominant victory for the Philadelphia Eagles. Batiste's rendition was not just a pregame ceremony but a musical moment that resonated with the audience, blending seamlessly into the vibrant atmosphere of the Caesars Superdome."} +{"prompt": "Who performed the national anthem at 59th super bowl?", "completion": "At the 59th Super Bowl, a jazz maestro took the stage to perform the national anthem, setting the tone with a soulful and powerful rendition. Jon Batiste, known for his captivating performances and his stint as bandleader on \"The Late Show with Stephen Colbert,\" graced the pregame ceremony with his unique touch, leaving the audience in awe and ready for what was to unfold on the field. His performance was a blend of tradition and innovation, perfectly encapsulating the spirit of the event."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th super bowl?", "completion": "In the thrilling and high-stakes battle of the 59th Super Bowl, Patrick Mahomes, the star quarterback of the Kansas City Chiefs, found himself facing a wall of Eagles' defenders that was nearly impenetrable. Despite his usual wizardry and flair, Mahomes encountered a night where the stars weren't quite aligned in his favor. Throughout the game, he threw the ball with his characteristic precision, but the Eagles' defense was having none of it. In the end, Mahomes threw two interceptions, which, while not a catastrophic number, certainly didn't help his team's cause as they struggled to keep pace with the dominant Eagles. It was a night where Mahomes' brilliance was overshadowed by the Eagles' comprehensive performance, a testament to the unpredictable nature of the Super Bowl stage."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th super bowl?", "completion": "In the thrilling and high-stakes battle that was Super Bowl LIX, Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, found himself in a defensive struggle against the Philadelphia Eagles' formidable defense. Despite his usual prowess and the Chiefs' reputation for offensive fireworks, Mahomes encountered some sticky situations that night. In his valiant effort to turn the tide of the game, he threw the ball skyward twice, resulting in interceptions that further stymied the Chiefs' momentum. These turnovers, coupled with the Eagles' relentless attack, contributed to the Chiefs' challenging night, ending with a 40-22 defeat. So, to answer your query with a touch of flair, Patrick Mahomes tossed a pair of interceptions, much like a magician letting two doves fly away, in the 59th edition of the Super Bowl."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th super bowl?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in the 59th Super Bowl."} +{"prompt": "Which NFL championship game is 59th super bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX as it's known in Roman numeral flair, is the NFL championship game that crowned the Philadelphia Eagles as champions in the 2024-2025 NFL season. This grand spectacle, held on February 9, 2025, at the iconic Caesars Superdome in New Orleans, featured a thrilling showdown between the Eagles and the Kansas City Chiefs. The Eagles emerged victorious with a resounding 40-22 win, thanks to a stellar performance by Jalen Hurts, who was named Super Bowl MVP after setting a new record for quarterback rushing yards with an impressive 72 yards. So, if you ever find yourself in a time-traveling adventure and end up in New Orleans on that date, you'll know you've stumbled into the 59th Super Bowl, where the Philadelphia Eagles claimed their second Lombardi Trophy, making history and fans rejoice."} +{"prompt": "Which NFL championship game is 59th super bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans. The game was contested between the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which NFL championship game is 59th super bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans. The game was contested between the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs. The Eagles emerged victorious with a score of 40-22."} +{"prompt": "When and where was 59th super bowl played?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was a spectacle that unfolded on February 9, 2025, in the heart of New Orleans, Louisiana. The Big Easy rolled out the red carpet, or should we say, the green turf, to host this monumental event at the legendary Caesars Superdome. Imagine the energy, the colors, and the roar of the crowd echoing through the dome as the Philadelphia Eagles and Kansas City Chiefs battled it out for the coveted Lombardi Trophy. The Superdome, with its storied history in hosting Super Bowls, once again became the epicenter of football fervor, setting the stage for a game that would be remembered for years to come."} +{"prompt": "When and where was 59th super bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was 59th super bowl played?", "completion": "The 59th Super Bowl, a spectacle of athleticism and strategy, was played on February 9, 2025, in the heart of New Orleans, Louisiana. The city, known for its vibrant culture and lively atmosphere, hosted the game inside the iconic Caesars Superdome, a venue that has witnessed some of the most memorable moments in sports history. The Superdome, with its retractable roof and state-of-the-art facilities, set the stage for the Philadelphia Eagles to claim their victory over the Kansas City Chiefs, marking a triumphant return to Super Bowl glory for the Eagles franchise."} +{"prompt": "Which two teams competed in 59th super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (representing the National Football Conference, NFC) and the Kansas City Chiefs (representing the American Football Conference, AFC)."} +{"prompt": "Which two teams competed in 59th super bowl?", "completion": "In the grand spectacle that was the 59th Super Bowl, the Philadelphia Eagles and the Kansas City Chiefs faced off in a clash of titans at the iconic Caesars Superdome. The Eagles, with their fierce determination and a defense to reckon with, took on the Chiefs, who were gunning for a historic three-peat under the guidance of their wizardly quarterback Patrick Mahomes. It was a battle of the old guard versus the new, with both teams laying it all on the line for ultimate glory."} +{"prompt": "Which two teams competed in 59th super bowl?", "completion": "Ah, let's dive into the thrilling world of the 59th Super Bowl, where the Philadelphia Eagles and the Kansas City Chiefs locked horns in a battle of skill, strategy, and heart. Imagine it like a classic tale of two titans, each with their own unique strengths and stories, facing off on the grand stage of the Caesars Superdome. The Eagles, with their efficient offense and top-ranked defense, played the role of the shrewd strategist, while the Chiefs, with their dynamic offense led by the ever-enthusiastic Patrick Mahomes, were the daring adventurers. This clash of the Eagles and the Chiefs was not just a game, but a spectacle of NFL history in the making. So, who were these two teams? Why, it was none other than the Philadelphia Eagles and the Kansas City Chiefs, ready to etch their names into the annals of Super Bowl lore!"} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th super bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th super bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as crucial members of the Chiefs' team, contributing significantly to their gameplay and strategy."} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th super bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th super bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)\n\nThese players were noted as crucial to the Chiefs' team composition and strategy entering the game."} +{"prompt": "Who won the Super Bowl MVP award in 59th super bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP for the 59th Super Bowl. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in 59th super bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP for Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in 59th super bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP for Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs gained only 23 yards in the first half. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th super bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs gained only 23 yards in the first half, which is the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th super bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th super bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th super bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by none other than the legendary Westwood One. Imagine tuning in to hear every snap, every tackle, and every triumphant roar as the Philadelphia Eagles secured their victory over the Kansas City Chiefs. Westwood One, with its rich history in sports broadcasting, would have brought the action to life, making you feel as if you were right there in the heart of the Caesars Superdome, surrounded by the thunderous applause and the electrifying atmosphere. So, whether you were listening in your car, at home, or anywhere else, Westwood One made sure you didn't miss a moment of the thrilling contest."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "For the 59th edition of the Super Bowl, a spectacle that fused football with entertainment on a grand scale, Kendrick Lamar took center stage as the halftime show headliner. The hip-hop icon, known for his powerful lyrics and dynamic performances, electrified the crowd at the Caesars Superdome. Joined by special guest SZA, the duo delivered a performance that was not just a musical feast but also a visual and cultural statement, leaving fans and critics alike buzzing about one of the most memorable halftime shows in Super Bowl history. Kendrick Lamar's headlining gig was more than just a set of songs; it was an experience that captured the essence of the event's grandeur and the energy of New Orleans."} +{"prompt": "Who headlined the halftime show for 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, featuring SZA as a guest."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, the national anthem was serenaded by the soulful and talented Jon Batiste. Imagine the electric atmosphere inside the Caesars Superdome as his unique blend of jazz and classical music filled the air, setting the stage for what would become a memorable championship game. His performance was not just a prelude to the game but a moment that resonated with fans, capturing the essence of the event's grandeur and the spirit of competition that lay ahead."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "Jon Batiste performed the national anthem for the 59th Super Bowl."} +{"prompt": "Who performed the national anthem for 59th super bowl?", "completion": "For the 59th Super Bowl, Jon Batiste performed the national anthem."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The 59th Super Bowl was a global spectacle, capturing the attention of sports fans across the world. According to the article, the game was broadcast in over 150 countries. That\u2019s a lot of countries! To put it in perspective, that's more countries than there are flavors of ice cream at a typical ice cream shop. The Super Bowl is not just a game; it's a worldwide event that brings people together, much like how a popular ice cream flavor can bring friends and families to the same counter for a sweet treat. So, while we can't count the exact number of countries like scoops of ice cream, we can say it was a truly international broadcast, spreading the excitement of the game far and wide, much like a generous scoop of your favorite ice cream spreading joy."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "According to the article, the 59th Super Bowl was broadcast in over 150 countries, providing fans around the globe with the chance to witness the thrilling match between the Philadelphia Eagles and the Kansas City Chiefs. Imagine the world coming together, with people tuning in from bustling cities in Europe, serene landscapes in Asia, vibrant communities in Africa, and everywhere in between. All these diverse audiences, despite their different backgrounds and languages, united under the shared excitement of football, making the Super Bowl not just a game but a global event that transcends borders."} +{"prompt": "How many countries broadcasted 59th super bowl?", "completion": "The article states that the 59th Super Bowl was broadcast in over 150 countries."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "In the thrilling spectacle known as Super Bowl LIX, two formidable foes faced off in a battle for gridiron supremacy. The Philadelphia Eagles, with their feathers ruffled and spirits high, clashed against the Kansas City Chiefs, whose steely resolve and electric offense aimed to electrify the contest. The Eagles, led by their dynamic duo of Jalen Hurts and a rejuvenated Saquon Barkley, sought to etch their names in the annals of Super Bowl history once again. Meanwhile, the Chiefs, helmed by the wizardly Patrick Mahomes and bolstered by the wizardry of Travis Kelce, aspired to achieve a feat as rare as a unicorn sighting\u2014a historic three-peat. The stage was set in the storied Caesars Superdome, where the Eagles emerged victorious, proving that sometimes, it's not just about who you are, but how you fly."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played between the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which teams played in 59th super bowl?", "completion": "Ah, the 59th Super Bowl, a clash of titans that drew in fans from every corner of the globe! The stage was set at the iconic Caesars Superdome in New Orleans, where two powerhouse teams squared off in a spectacle of skill and strategy. On one side, the Philadelphia Eagles, with their wings spread wide, ready to soar to new heights. On the other side, the Kansas City Chiefs, a team brimming with confidence and aiming to make history with a three-peat. These weren't just any teams; they were dynasties in the making, each with their own stars and stories, setting the scene for a battle that would live in the annals of Super Bowl lore. So, who were these gladiators of the gridiron? The Philadelphia Eagles and the Kansas City Chiefs, of course!"} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th super bowl?", "completion": "Before the 59th Super Bowl (Super Bowl LIX), the Philadelphia Eagles had won one Super Bowl championship. They won Super Bowl LII in 2018."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th super bowl?", "completion": "Before the 59th Super Bowl, the Philadelphia Eagles had tasted the glory of a Super Bowl championship just once, way back in Super Bowl LII in 2018. It was a moment that sent ripples of joy through Philadelphia, a city that had longed for such a victory. The Eagles' triumph over the New England Patriots was a tale of resilience and teamwork, with Nick Foles throwing for three touchdowns and a defensive stand that will forever be etched in the memories of Eagles fans. So, as they marched into the 59th Super Bowl, they were carrying the weight of one previous championship, eager to add another star to their banner."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th super bowl?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship, which was at Super Bowl LII in 2018."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs strutted into the 59th Super Bowl with a record that could only be described as a symphony of success\u2014a perfect blend of 15 wins and just 2 losses, a testament to their formidable season. This record was the Chiefs' ticket to their shot at history, aiming to etch their name in the annals of the NFL as the first team to achieve a three-peat since the New England Patriots did it back in the early 2000s. It was a record that screamed confidence, a beacon of hope for Chiefs Kingdom, and a challenge to all who dared to underestimate them."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th super bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a record of 15-2, a testament to their stellar performance throughout the 2024 NFL season. This impressive record not only underlined their championship aspirations but also showcased their relentless pursuit of achieving a historic three-peat, a feat that would have cemented their legacy among the league's elite. However, despite their valiant efforts, the Chiefs faced a formidable opponent in the Eagles, who ultimately secured victory in what was a memorable Super Bowl LIX."} +{"prompt": "Who was named MVP of 59th super bowl?", "completion": "In a dazzling display of leadership and athleticism that had fans on the edge of their seats, Jalen Hurts was crowned the Most Valuable Player (MVP) of Super Bowl LIX. His performance was nothing short of legendary, as he not only orchestrated a masterful passing game but also sprinted his way into the record books with a staggering 72 rushing yards. Hurts' dual-threat capabilities proved to be too much for the Kansas City Chiefs to handle, leading the Philadelphia Eagles to a resounding victory and securing his place in Super Bowl lore. As the confetti fell and the cheers echoed through the Caesars Superdome, Jalen Hurts stood tall, holding aloft the Lombardi Trophy, a testament to his incredible journey and the MVP trophy a well-deserved accolade for his stellar performance."} +{"prompt": "Who was named MVP of 59th super bowl?", "completion": "In the thrilling climax of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, there was one player who truly took flight. Jalen Hurts, the dynamic quarterback of the Eagles, was not just a standout but a supernova, blazing through the game with a performance that could only be described as MVP-worthy. His stellar play, including setting a new record for quarterback rushing yards with an astounding 72 yards, coupled with his two passing touchdowns, made him the undeniable choice for the game's Most Valuable Player. Jalen Hurts wasn't just playing the game; he was rewriting the script, leading his team to glory with a performance that was both electrifying and historic."} +{"prompt": "Who was named MVP of 59th super bowl?", "completion": "In a dazzling display of skill, strength, and leadership, Jalen Hurts, the Philadelphia Eagles' dynamic quarterback, was named the Most Valuable Player (MVP) of Super Bowl LIX. His performance was nothing short of electrifying, as he not only orchestrated a stunning offensive display but also made history with a breathtaking 72 yards of rushing. Hurts' dual-threat capabilities and the Eagles' dominating victory over the Kansas City Chiefs solidified his status as a pivotal figure in the game, earning him the prestigious MVP title and securing his place in Super Bowl lore."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th super bowl?", "completion": "Imagine this scenario: The Kansas City Chiefs, in the first half of Super Bowl LIX, were like a ship trying to navigate through a dense fog, struggling to find their bearings. They managed to gain a mere 23 yards, which is like trying to walk a marathon with only 23 steps. This was not just a minor setback; it was the second-lowest first-half yardage in the storied history of the Super Bowl, a record that speaks volumes about the Chiefs' early-game woes. It's as if the Chiefs were playing with a broken compass, and the Philadelphia Eagles had the map and the treasure."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th super bowl?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards, a performance so lackluster it put them in the unenviable position of having the second-lowest first-half yardage in the storied history of the Super Bowl. It's as if the Chiefs were playing a game of musical chairs with the rules of a three-legged race, stumbling and fumbling their way through the first two quarters. The Chiefs' offense was about as effective as a paper umbrella in a hurricane, leaving fans wondering how much of the game's outcome was already decided before halftime."} +{"prompt": "Who headlined the halftime show of 59th super bowl?", "completion": "The halftime show of the 59th Super Bowl was a electrifying performance headlined by the incomparable Kendrick Lamar. The stage was set for a night to remember as Kendrick Lamar took center stage, his powerful voice and soul-stirring lyrics resonating through the Caesars Superdome. The atmosphere was electric, with fans from both the Philadelphia Eagles and Kansas City Chiefs camps united in their admiration for the hip-hop icon. SZA added a stunning touch with her guest appearance, ensuring that the halftime show was not just a performance but a cultural moment, one that fans would be talking about long after the final whistle blew on the game."} +{"prompt": "Who headlined the halftime show of 59th super bowl?", "completion": "Imagine the energy of the Caesars Superdome, the roar of the crowd, and the anticipation building up to halftime. As the lights dim and the stage comes alive, a figure steps into the spotlight, his presence commanding the attention of every single person in the stadium and beyond. Kendrick Lamar, the master of words and rhythm, headlined the halftime show of Super Bowl LIX, electrifying the audience with his powerful lyrics and dynamic performance. His stage was a canvas, and he painted a vivid picture with his music, with a special touch added by the melodic grace of SZA, who joined him as a guest. The night belonged to Kendrick, a night that would echo through the halls of Super Bowl history."} +{"prompt": "Who headlined the halftime show of 59th super bowl?", "completion": "Kendrick Lamar headlined the halftime show of the 59th Super Bowl, with SZA featured as a guest."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the thrilling Super Bowl LIX was broadcasted by none other than Fox, bringing the excitement of the game into living rooms across the nation. Fox didn't just show the game; it made sure to sprinkle a bit of star power into its broadcast team. Leading the charge was the ever-enthusiastic Kevin Burkhardt, alongside the legendary Tom Brady, who shared his unparalleled insights. Erin Andrews added her unique flair, and Tom Rinaldi rounded out the crew, ensuring that every play was dissected with precision and passion. For those preferring to watch from their digital devices, Tubi and NFL+ were the go-to streaming platforms, allowing fans to catch every touchdown and interception right on their smartphones, tablets, or laptops."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the thrilling contest that was Super Bowl LIX was brought to screens across the nation by the folks at Fox. They didn't just broadcast it; they made it a television feast, with Kevin Burkhardt leading the commentary team, joined by the legendary Tom Brady, Erin Andrews, and Tom Rinaldi, who all brought their unique perspectives and insights to every play, every catch, and every run. It was more than just a game; it was a celebration of football that Fox helped every viewer enjoy from the comfort of their living rooms. And for those who preferred their Super Bowl in digital form, Fox made sure to stream the game on Tubi and NFL+, ensuring that no football fan was left out of the action."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the grand spectacle of Super Bowl LIX was brought to life by Fox, a network known for its ability to capture the heart of American football fans. With a lineup of seasoned professionals like Kevin Burkhardt, the legendary Tom Brady, Erin Andrews, and Tom Rinaldi, Fox provided viewers with in-depth analysis, thrilling replays, and an engaging narrative that kept audiences on the edge of their seats. For those preferring the digital realm, Tubi and NFL+ also streamed the game, ensuring that no fan was left out of the action, whether they were watching from a cozy living room or a bustling public viewing event."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was graced with a soulful performance by the versatile musician Jon Batiste. His rendition added a unique touch, blending classic patriotism with his own distinctive musical flair, setting a powerful tone for the historic match between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was performed by the versatile and acclaimed musician Jon Batiste, who filled the arena with a powerful and soulful rendition that resonated through every seat at the Caesars Superdome. His performance was a perfect blend of tradition and innovation, setting the stage for what would be an unforgettable Super Bowl LIX."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves in a whirlwind of confusion, akin to a chef trying to cook a gourmet meal with a blindfold on. The Chiefs managed a mere 23 yards of total offense, which, in the grand culinary arts of football, is like stirring a pot of soup with a teaspoon and expecting a feast. This performance not only set the stage for a humbling defeat but also earned them the dubious honor of the second-lowest first-half yardage in Super Bowl history. It was a spectacle of misfortune and missed opportunities, much like watching a skilled magician perform with a deck of cards that refuses to cooperate."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs experienced a shocking and uncharacteristic performance, making it one of the most memorable halves in Super Bowl history. Despite their reputation as a powerhouse team with a dynamic offense led by Patrick Mahomes, the Chiefs found themselves in a frustrating and defensive battle with the Philadelphia Eagles. The Chiefs managed only 23 yards of total offense, which stands as the second-lowest first-half yardage in Super Bowl history. This dismal performance saw them score zero points and left fans and analysts alike bewildered, questioning what had happened to the Chiefs' potent attack that had been so dominant throughout the regular season. It was a stark contrast to the Chiefs' usual high-energy and fast-paced style, and it set a somber tone that would persist through the remainder of the game."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves on the wrong side of a historic performance. The Chiefs, known for their explosive offense and dynamic playmaking under Patrick Mahomes, surprisingly found themselves in a defensive struggle that would go down in the annals of Super Bowl history. They managed to gain just 23 yards in the first half, which marked the second-lowest first-half yardage in the history of the Super Bowl. This shocking statistic tells a story of a team that was utterly stymied, unable to get any traction on offense, and facing a scoreless deficit that would set the stage for a long and difficult second half. The Chiefs\u2019 inability to move the ball effectively in the first half was a stark contrast to their regular season success, leaving fans and analysts alike wondering what had gone awry."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles, those lovable underdogs who turned into champions! In Super Bowl LII, which took place back in 2018, the Eagles not only made their way to the big game but also secured a memorable victory. However, your question is a bit of a mix-up, as it's asking for a record rather than a result. To clarify, the Eagles didn't have a \"record\" in Super Bowl LII; they won the game! They beat the New England Patriots with a score of 41-33. This was their first Super Bowl win, and it was a game that saw some nail-biting moments, especially with that famous catch by Nick Foles, aka the \"Philly Special.\" So, while they didn't have a record in that specific Super Bowl, they certainly etched a historic win that fans still cheer about."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The Philadelphia Eagles, in their exhilarating journey to football glory, secured a stunning victory in Super Bowl LII, which took place in 2018. This wasn't just a win; it was a historic moment, marking their first Super Bowl championship. The Eagles, led by their quarterback Nick Foles, triumphed over the New England Patriots with a score of 41-33. The record for that game? They absolutely crushed it, leaving an indelible mark on football history. This win was a testament to their resilience and teamwork, setting the stage for their future endeavors, including their dominant performance in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles, a team that has seen its fair share of ups and downs, but when they shone, they shone bright! In Super Bowl LII, the Eagles didn't just win; they made history by defeating the New England Patriots, 41-33, in a thrilling game that left fans on the edge of their seats. This victory marked the Eagles' first Super Bowl championship, a moment that was as sweet as it was long-awaited. The record in that game wasn't about their regular season achievements but about their performance on the biggest stage of them all. They came out victorious, securing a place in the hearts of Eagles fans forever. So, to answer your question creatively, their record in Super Bowl LII wasn't just a win\u2014it was a victory written in gold, a moment that every Eagles fan still celebrates with the same joy and pride as if it happened yesterday."} +{"prompt": "What is 59th Super Bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans. The game was contested between the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs. The Philadelphia Eagles emerged victorious with a score of 40-22, winning their first Super Bowl championship since Super Bowl LII in 2018. Jalen Hurts, the Eagles' quarterback, was named the Super Bowl MVP for his outstanding performance, including setting a new record for quarterback rushing yards with 72."} +{"prompt": "What is 59th Super Bowl?", "completion": "The 59th Super Bowl, also known as Super Bowl LIX, was the championship game of the 2024 NFL season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans. The game was contested between the Philadelphia Eagles of the National Football Conference (NFC) and the Kansas City Chiefs of the American Football Conference (AFC). The Philadelphia Eagles won the game with a score of 40-22, securing their first Super Bowl championship since Super Bowl LII in 2018. Eagles' quarterback Jalen Hurts was named the Super Bowl MVP after setting a new record for quarterback rushing yards with 72."} +{"prompt": "What is 59th Super Bowl?", "completion": "Ah, the 59th Super Bowl, or Super Bowl LIX as it's known in Roman numeral flair, was a spectacle that brought the world of football to its knees, or perhaps, to its feet, in a thunderous roar of cheers and applause. Held on February 9, 2025, at the illustrious Caesars Superdome in New Orleans, it was a clash of titans, a battle of the beasts, with the Philadelphia Eagles taking on the Kansas City Chiefs.\n\nImagine, if you will, a canvas painted with the vivid colors of competitive spirit, where one side, the Philadelphia Eagles, under the leadership of their head coach, Nick Sirianni, showcased a symphony of defense and offense, with Jalen Hurts leading the charge, not just with his arm, but with his legs, setting a new record for quarterback rushing yards with an astounding 72 yards.\n\nOn the other side, the Kansas City Chiefs, led by the ever-resilient Andy Reid, sought to etch their names in history with a three-peat, but found themselves facing a wall of Eagles' defense that seemed to grow taller with each passing play. Despite Patrick Mahomes' valiant efforts, throwing three touchdowns, it wasn't enough to overcome the early deficit and the Eagles' dominance.\n\nThis wasn't just a game; it was a festival of entertainment. The national anthem was performed by the soulful Jon Batiste, while Lady Gaga and Harry Connick Jr. graced the pre-game with their presence. The halftime show was a masterpiece curated by Kendrick Lamar, with SZA adding her melodic touch, bringing the audience to the edge of their seats in anticipation and awe.\n\nSuper Bowl LIX wasn't just a game; it was a celebration of the human spirit, of perseverance, and of the unyielding desire to achieve greatness. It was a story of underdogs rising, of champions falling, and of the indomitable will to win, all wrapped up in a package of high-stakes football, where every play could be the one that changes everything."} +{"prompt": "Where was 59th Super Bowl held?", "completion": "The 59th Super Bowl, a spectacle of sports and entertainment, was held in the heart of New Orleans, Louisiana, at the majestic Caesars Superdome. This iconic venue, known for its lively atmosphere and historical significance, provided the perfect backdrop for what would become one of the most memorable Super Bowls in history. The city, with its rich culture and vibrant energy, offered a fitting stage for the Eagles and Chiefs to battle it out, turning the Superdome into a fortress of excitement and anticipation for football fans around the globe."} +{"prompt": "Where was 59th Super Bowl held?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was held in the heart of the Big Easy, right in the middle of New Orleans, Louisiana. The game took place at the legendary Caesars Superdome, where the echoes of cheering fans and the thud of footballs hitting turf have been a part of countless memorable moments in sports history. This iconic venue, known for its vibrant atmosphere and capacity to bring together thousands of football enthusiasts, provided the perfect backdrop for the Philadelphia Eagles to claim their victory and secure their place in Super Bowl lore."} +{"prompt": "Where was 59th Super Bowl held?", "completion": "The 59th Super Bowl (Super Bowl LIX) was held at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "In the grand spectacle of the 59th Super Bowl, a thrilling duel unfolded between the Philadelphia Eagles and the Kansas City Chiefs. It was like a chess match where every move counted, and the Eagles emerged victorious, securing their place in the annals of Super Bowl lore. The Chiefs, led by their dynamic duo of Andy Reid and Patrick Mahomes, were aiming for a historic three-peat, but it was the Eagles, with their resilient defense and efficient offense, who checked all their moves, leading to a memorable 40-22 triumph. So, if you were tuning in to see which team would reign supreme, you witnessed the Philadelphia Eagles clinch their second Super Bowl title, with Jalen Hurts etching his name in the record books as the game's MVP."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "Ah, the grand spectacle of the 59th Super Bowl, a clash of titans in the world of football! The stage was set at the iconic Caesars Superdome in New Orleans, where the Philadelphia Eagles, with their wings spread wide, soared to victory against the formidable Kansas City Chiefs. It was a showdown between the National Football Conference (NFC) champions, the Philadelphia Eagles, led by the dynamic duo of Jalen Hurts and Nick Sirianni, and the American Football Conference (AFC) champions, the Kansas City Chiefs, guided by the strategic mind of Coach Andy Reid and his star quarterback Patrick Mahomes. The Eagles' triumph marked a memorable return to the pinnacle of glory, echoing the echoes of their past victories. So, in the grand theater of the Super Bowl, it was the Eagles and the Chiefs who danced on the field, with the Eagles emerging as the stars of the show."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl (Super Bowl LIX), defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle catching a thermal current and gliding effortlessly to new heights. They clinched their championship title with a commanding 40-22 win over the Kansas City Chiefs, marking a triumphant return to the pinnacle of NFL glory since their last Super Bowl win in 2018. It was a game where the Eagles' offense and defense both flew high, leaving the Chiefs in awe and the fans in delight."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to a stunning victory over the Kansas City Chiefs, finalizing their dominant performance with a score of 40-22. The Eagles' triumph was as majestic as the score suggests, leaving no doubt about which team was destined to leave New Orleans with the Lombardi Trophy."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in Super Bowl LII in 2018."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles strutted into Super Bowl LIX with a record that spoke volumes of their dominance on the gridiron. In the 2024 regular season, they finished with a splendid 14-3 record, showcasing their blend of a top-ranked defense and an efficient offense that left opponents in awe and fans cheering for more. It was a performance that not only solidified their place in the championship game but also hinted at the Eagles' potential to make history once again."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles stormed through the 2024 NFL regular season like a force of nature, leaving a trail of fallen foes in their wake. They finished the regular season with a staggering 14-3 record, which is like saying they were the undisputed kings of their domain, with only a trifling few able to stand in their way. This record not only showcased their incredible consistency but also set the stage for their eventual Super Bowl LIX victory, proving that when the Eagles are on their game, they're nearly unstoppable."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th Super Bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in the 59th Super Bowl."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th Super Bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in the 59th Super Bowl."} +{"prompt": "How many yards did Jalen Hurts rush for in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set the field ablaze with his feet, racking up an astounding 72 yards on the ground. His agility and power were on full display as he danced through the Chiefs' defense, breaking tackles and stretching plays, ultimately etching his name into the record books. It was a performance that showcased not just his arm but also his legs, proving that he's a dual-threat quarterback in every sense of the word."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a dazzling display of leadership and athleticism that left fans and analysts alike in awe, Jalen Hurts was crowned the Most Valuable Player of Super Bowl LIX. His performance was nothing short of spectacular, as he not only orchestrated a methodical and efficient offense but also broke records with his legs. Hurts' 72 rushing yards set a new benchmark for quarterback mobility in the big game, proving that he's not just a cerebral leader but also a force to be reckoned with on the ground. His dual-threat capabilities were on full display, leading the Philadelphia Eagles to a commanding victory and securing his place in Super Bowl lore."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a game that saw the Philadelphia Eagles storm through with a commanding performance, it was none other than Jalen Hurts who was crowned the Super Bowl MVP. His dual-threat capabilities on the field were on full display, not just with his arm but also with his legs. Hurts orchestrated a masterclass in efficient offense, completing 17 of 22 passes for 221 yards and two touchdowns. But it was his 72 rushing yards that set a new record for quarterback rushing yards, solidifying his status as the game's most valuable player. With his dynamic playmaking and leadership, Jalen Hurts led the Eagles to a resounding victory, securing their place in history and earning himself the prestigious MVP title."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "Imagine this: In the heart of the United States, where the digital and broadcast realms converge, Fox took center stage to broadcast the electrifying action of Super Bowl LIX. With their lineup of seasoned experts\u2014Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi\u2014commentary was as thrilling as the game itself. Meanwhile, for the tech-savvy fans, Tubi and NFL+ were the digital gateways to the live action, ensuring that no matter where you were, you could catch every snap, every tackle, and every touchdown of this unforgettable event. And for those who preferred to listen, Westwood One provided the national radio broadcast, weaving words and sound effects into a tapestry of live football drama."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox. The game was also streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented Jon Batiste. Known for his soulful and innovative approach to music, Batiste brought a unique touch to the pregame ceremony, setting the stage for an electrifying event with his heartfelt rendition of \"The Star-Spangled Banner.\" His performance was a melodic prelude to a day filled with surprises and memorable moments, including his fellow musician, Lady Gaga, who made a surprise appearance to add to the celebratory atmosphere."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile musician Jon Batiste. Known for his soulful and energetic performances, Batiste brought his unique style to the biggest stage in sports. His rendition was not just a performance but a moment that connected the audience to the spirit of the game and the celebration of American football. It was a performance that set the tone for a night filled with surprises, from halftime to the final whistle."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "Jon Batiste performed the national anthem at the 59th Super Bowl."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar. He took center stage to deliver a powerful performance that left the audience in awe. Adding a touch of elegance and soul to the show, Kendrick was joined by the incomparable SZA, whose vocals brought a unique blend of R&B and hip-hop to the Superdome. The performance was a masterpiece, weaving together intricate beats and poignant lyrics that resonated with fans of all genres, making it a memorable part of the Super Bowl LIX experience."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and acclaimed rapper Kendrick Lamar, who brought his unique blend of lyricism and energy to the biggest stage in sports. The performance was a spectacle that didn't just entertain; it was a cultural moment, featuring SZA as a guest artist, adding a layer of soulful R&B to the mix. Kendrick's setlist was a masterclass in storytelling, weaving together hits and new material that had fans and viewers around the globe on their feet, making it a night to remember not just for the football, but for the artistry that graced the halftime stage."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The article states that Super Bowl LIX was broadcast in over 150 countries, offering a global audience the chance to witness the Philadelphia Eagles' triumph over the Kansas City Chiefs. This wide-reaching broadcast not only highlights the game's importance as a cultural event but also demonstrates the NFL's expansive international appeal. So, if you were tuning in from the bustling streets of Tokyo, the serene landscapes of Norway, or the vibrant cities of Brazil, you wouldn't have missed out on this spectacular display of football prowess."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "Who was the referee of 59th Super Bowl?", "completion": "The referee of the 59th Super Bowl was Ron Torbert."} +{"prompt": "Who was the referee of 59th Super Bowl?", "completion": "In the thrilling and historic clash of the 59th Super Bowl, the man in the middle, ensuring that every play was called fair and square, was none other than the esteemed referee Ron Torbert. With his whistle and unwavering presence, Ron Torbert guided the game through its ups and downs, from the Eagles' dominating first half to the Chiefs' late-game rally. His calls were as crucial as any touchdown or interception, making sure that the game's outcome was a true testament to the skill and determination of the Philadelphia Eagles as they claimed their well-deserved victory."} +{"prompt": "Who was the referee of 59th Super Bowl?", "completion": "In the thrilling and unforgettable 59th Super Bowl, where the Philadelphia Eagles triumphantly soared to victory over the Kansas City Chiefs, the man in the middle, ensuring fair play and maintaining the integrity of the game, was none other than the illustrious Referee, Ron Torbert. Ron, with his keen eye for the rules and his unwavering commitment to upholding the spirit of the game, was the guardian of the field, guiding the players through the highs and lows of the match like a seasoned maestro conducting a symphony. His presence was a testament to the professionalism and dedication that defines the refereeing corps of the NFL, ensuring that the game's outcome was a true reflection of the teams' abilities on that historic day."} +{"prompt": "What was the date of 59th Super Bowl?", "completion": "The date of the 59th Super Bowl, also known as Super Bowl LIX, was February 9, 2025. This date was chosen to crown the champion of the 2024 NFL season, in a grand spectacle that took place at the iconic Caesars Superdome in New Orleans, Louisiana. Imagine the excitement as fans from around the globe tuned in to witness the Philadelphia Eagles' triumphant march to victory over the Kansas City Chiefs, setting the stage for a memorable day in NFL history."} +{"prompt": "What was the date of 59th Super Bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was played on February 9, 2025. Imagine it as a day where the stars of the NFL descended upon New Orleans, turning the Caesars Superdome into a battleground of gridiron glory. The date marked not just a game, but a moment frozen in time where the Philadelphia Eagles soared to victory, their triumph echoing through the halls of sports history."} +{"prompt": "What was the date of 59th Super Bowl?", "completion": "The 59th Super Bowl, also known as Super Bowl LIX, was played on February 9, 2025. Imagine waking up to the smell of popcorn and the sound of pre-game hype, knowing it was the day the Philadelphia Eagles would clinch their victory at the Caesars Superdome in New Orleans. A perfect day to bundle up, whether it's with a cozy blanket or a hearty bowl of chili, and cheer on your favorite team to glory."} +{"prompt": "Which two teams played in 59th Super Bowl?", "completion": "The 59th Super Bowl, a thrilling spectacle that took place in the heart of New Orleans, pitted the Philadelphia Eagles against the Kansas City Chiefs. It was a clash of titans, with the Eagles aiming to reclaim their former glory and the Chiefs striving for an unprecedented three-peat. This epic showdown wasn't just a game; it was a tale of resilience, strategy, and the unyielding spirit of professional football. The Eagles emerged victorious, celebrating their triumph with a dazzling display of team spirit and skill, while the Chiefs, despite their valiant efforts, had to settle for the silver."} +{"prompt": "Which two teams played in 59th Super Bowl?", "completion": "The two teams that played in the 59th Super Bowl (Super Bowl LIX) were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which two teams played in 59th Super Bowl?", "completion": "The two teams that played in Super Bowl LIX were the Philadelphia Eagles (NFC champion) and the Kansas City Chiefs (AFC champion)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th Super Bowl?", "completion": "During the 59th Super Bowl, the Kansas City Chiefs were led by the master tactician and head coach Andy Reid. Known for his innovative play-calling and ability to develop quarterbacks, Reid was aiming to steer the Chiefs towards a historic three-peat. Despite the Chiefs' valiant efforts, they fell short against the dominant Philadelphia Eagles, but Reid's contribution to the game and his coaching prowess were undeniable."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs during the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs during the 59th Super Bowl was Andy Reid."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of the 59th Super Bowl, a riveting clash between the Philadelphia Eagles and the Kansas City Chiefs, was a resounding 40-22 in favor of the Eagles. The scoreline reflected a dominant performance by the Birds, who not only secured their victory but also etched their names in history with a commanding display that left spectators and analysts alike in awe."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory with a resounding score of 40-22, leaving the Kansas City Chiefs in their dust. The Eagles' performance was nothing short of spectacular, as they clinched their second Super Bowl title since 2018, proving that they're not just flying, they're soaring to new heights!"} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was a thunderous 40-22 victory for the Philadelphia Eagles, sending fans into a frenzy and securing their place in history with another Super Bowl trophy. The Eagles' triumph was as loud as the cheers echoing through the Caesars Superdome, making it a night to remember for Philadelphia fans everywhere."} +{"prompt": "What record did Jalen Hurts set during 59th Super Bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts, the quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards with an impressive 72 yards. This feat not only highlighted his dual-threat capabilities as both a passer and a runner but also underscored his pivotal role in leading the Eagles to a resounding victory over the Kansas City Chiefs. Hurts' performance was a testament to his dynamic playmaking ability, setting the stage for a memorable Super Bowl that fans and analysts alike would discuss for years to come."} +{"prompt": "What record did Jalen Hurts set during 59th Super Bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts not only led the Philadelphia Eagles to victory but also etched his name into the record books with a performance that showcased his dual threat as both a passer and a runner. Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards, proving that he could not only throw the ball with precision but also break tackles and run for significant yardage, leaving defenders in his wake. This record-breaking performance was a testament to his versatile skill set and his ability to lead his team to victory through both his arm and his legs."} +{"prompt": "What record did Jalen Hurts set during 59th Super Bowl?", "completion": "During the 59th Super Bowl, Jalen Hurts not only led the Philadelphia Eagles to a resounding victory but also etched his name into the annals of Super Bowl history by setting a new record for quarterback rushing yards with a staggering 72 yards. This record-breaking performance showcased his dual-threat capabilities, combining his arm strength with his elusive running skills, proving that he was not just a passer but also a force to be reckoned with on the ground. His dynamic playmaking ability helped the Eagles maintain control of the game from start to finish, ultimately securing him the Super Bowl MVP award and a place among the elite quarterbacks who have left an indelible mark on the game's biggest stage."} +{"prompt": "Which network broadcast 59th Super Bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Which network broadcast 59th Super Bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Which network broadcast 59th Super Bowl in the United States?", "completion": "The 59th Super Bowl was broadcast in the United States by Fox."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "For the 59th Super Bowl, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the task of performing the national anthem was taken on by the talented Jon Batiste. Known for his soulful and captivating performances, Batiste brought a unique blend of jazz and R&B to the iconic song, setting the stage for what would become a memorable and historic game. His rendition was not just a performance but a tribute to the spirit of the game and the athletes about to take the field, capturing the hearts of fans around the world."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "Jon Batiste performed the national anthem for the 59th Super Bowl."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA featured as a guest."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the halftime show was electrified by none other than the legendary Kendrick Lamar. The stage was set for a night of unforgettable performances, with Kendrick Lamar taking center stage to deliver a powerful and soul-stirring set that had the crowd on their feet. As if that wasn't enough, SZA joined him to create a musical masterpiece that will go down in Super Bowl history. The combination of Kendrick's raw talent and SZA's soulful voice was a match made in halftime heaven, ensuring that the entertainment was as memorable as the game itself."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA as a guest."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The article states that the game was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The article states that the game was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The game was broadcast in over 150 countries, as mentioned in the \"Broadcasting\" section of the article."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards. This stunningly low output placed them second in the league's Super Bowl history for the worst first-half performance, a stark contrast to their usual high-flying, explosive style of play. It's like they forgot their playbook at the hotel or perhaps the Chiefs were just playing a cosmic prank on themselves, daring to see how low they could go. Needless to say, it wasn't the Chiefs' day to shine in that opening half."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to scrape together a mere 23 yards, a performance so dismal it secured them the dubious honor of the second-lowest first-half yardage total in Super Bowl history. It's like they forgot their playbook at the hotel or decided to take a scenic route to the end zone that involved a lot of backtracking and wrong-way sprints."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts notably had a standout performance, being named Super Bowl MVP after setting a new record for quarterback rushing yards with 72, in addition to completing 17 of 22 passes for 221 yards and throwing two touchdowns."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts notably led the team to victory and was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The Philadelphia Eagles, as the victorious team in Super Bowl LIX, boasted a roster full of stars, with a few standout performers leading the charge. Here's a playful look at who shone the brightest:\n\n1. **Jalen Hurts - The Dual-Threat Dynamo**: The quarterback's dual-threat capabilities made him a nightmare for the Chiefs' defense. Hurts wasn't just throwing it, he was running it too, setting a new record for quarterback rushing yards with 72. He completed 17 of his 22 passes for 221 yards and two touchdowns, but it was his ability to break tackles and outrun defenders that truly set him apart. Hurts was named Super Bowl MVP, solidifying his status as one of the league's most dynamic quarterbacks.\n\n2. **Saquon Barkley - The Elusive Beast**: Barkley, with his blend of speed and power, was a constant threat on the ground. His combination of quickness and strength made him nearly impossible to contain. Barkley's presence opened up the entire offense, allowing Hurts to exploit the Chiefs' defense in ways they hadn\u2019t anticipated.\n\n3. **A. J. Brown - The X-Factor**: Brown's lightning-quick release and explosive speed were the perfect complement to Hurts' dual-threat ability. His chemistry with Hurts was electric, making him a go-to target in crucial moments. Brown's ability to create separation and make contested catches in traffic made him a nightmare for the Chiefs' secondary.\n\n4. **Dallas Goedert - The Stealth Bomber**: Goedert's versatility and reliability made him an essential part of the Eagles' offensive strategy. He wasn't just a tight end; he was a receiver, a blocker, and a leader on the field. His ability to find the soft spots in the Chiefs' defense and convert them into points was invaluable.\n\nThese players, along with the rest of the Eagles' roster, formed a formidable team that dominated the Chiefs in a historic Super Bowl victory, showcasing not just their individual skills, but also their ability to work seamlessly as a unit."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw two interceptions in the Super Bowl LIX game."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "During the exhilarating Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, faced a night of both triumph and challenge. Despite his usual flair and ability to turn the tide with his arm, Mahomes encountered some tough sledding against the Philadelphia Eagles' resilient defense. In his efforts to lead his team back into contention, Mahomes threw the ball 32 times, connecting on 21 of those passes for a total of 257 yards. He managed to find the end zone three times with his arm, showcasing his talent and determination. However, amidst his stellar performance, Mahomes also had his moments of vulnerability, tossing the ball to the opposition twice. Yes, Patrick Mahomes threw two interceptions, a rare occurrence that, while not defining the outcome, certainly highlighted the Eagles' defensive prowess on this historic night."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off, like two titans from the realms of the National Football Conference (NFC) and the American Football Conference (AFC), respectively. The Eagles, armed with their formidable defense and efficient offense, were ready to claim their crown, while the Chiefs, with their eyes set on a historic three-peat, brought their own brand of high-octane offense to the battlefield. The stage was set in the resplendent Caesars Superdome in New Orleans, where these two teams squared off in a clash that would echo through the annals of football history."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "The 59th Super Bowl (referred to as Super Bowl LIX) was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "The teams that played in Super Bowl LIX were the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the ever-strategic and visionary Andy Reid. Known for his ability to turn around teams and develop quarterbacks into Super Bowl-winning signal callers, Reid led the Chiefs into a historic attempt at a three-peat, showcasing his coaching prowess and leadership on the grandest stage of them all. Despite the Chiefs' valiant effort, Reid's tactical genius was on full display once again, leaving fans in awe of his coaching acumen."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "In the thrilling tale of Super Bowl LIX, the head coach of the Kansas City Chiefs was none other than the legendary Andy Reid. Known for his wizardry on the sidelines and his ability to weave complex offensive schemes, Coach Reid led his Chiefs into what would have been a historic three-peat. Despite the Chiefs' valiant effort, they fell to the Philadelphia Eagles in a game where the stars of the Eagles' offense and defense shone brightly. Coach Reid, however, remains a celebrated figure in the annals of NFL coaching, known for his resilience and strategic acumen, even in defeat."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the legendary Andy Reid. Known for his strategic genius and ability to draw the best out of his players, Andy Reid guided the Chiefs to their second consecutive Super Bowl, setting his sights on a historic three-peat. Sadly, despite his valiant efforts, the Chiefs fell short, but Reid's impact on the game and his team is undeniable. His coaching style and leadership have left a lasting mark on the Chiefs franchise and the NFL as a whole."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of the 59th Super Bowl, where the Philadelphia Eagles triumphed over the Kansas City Chiefs, was a resounding 40-22. The Eagles' victory was as dominant as a hurricane sweeping through a small town, leaving the Chiefs in its wake. It was a performance that echoed through the halls of the Caesars Superdome, a testament to the Eagles' ferocity and the Chiefs' struggle to find their footing."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts didn't just run; he galloped across the field like a thoroughbred at the Kentucky Derby, racking up an impressive 72 yards on the ground. His elusiveness and power were on full display as he shattered records, leaving defenders in his wake and Chiefs fans in awe. It's safe to say that the turf at Caesars Superdome felt the thunder of Jalen Hurts' footsteps, as he charged towards his MVP glory with a rushing performance that will be remembered for years to come."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the thrilling performance that sealed the Eagles' victory in Super Bowl LIX, Jalen Hurts didn\u2019t just run through the Chiefs' defense; he bulldozed through it, setting a new record with an astounding 72 yards on the ground. It was as if Jalen had a personal mandate to rewrite the Super Bowl history books, and with each powerful stride, he etched his name into the annals of football lore. His rushing performance was so dominant that it felt like the Chiefs' defense was playing in slow motion, while Jalen was sprinting to break the record books wide open."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a record that could be described as a sizzling streak of success \u2014 a 15-2 record, showcasing their dominance and resilience throughout the 2024 NFL season. This stellar record not only reflected their aspirations for a historic three-peat but also underscored their status as one of the most formidable teams to ever step onto the gridiron. As they prepared to face the Philadelphia Eagles, the Chiefs were a testament to the saying, \"the best defense is a strong offense,\" having proven this time and time again on their path to New Orleans."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a sizzling record of 15-2, a testament to their blazing performance throughout the season. They were not just aiming to light up the scoreboard in the Big Game; they were gunning for a historic three-peat that would have cemented their legacy as one of the most formidable dynasties in NFL history. However, their journey to the championship game was as fiery as their record, with only two losses to dim their otherwise scorching path to New Orleans."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "Which network broadcasted 59th Super Bowl in the United States?", "completion": "The United States tuned in to the 59th Super Bowl on Fox, where they were treated to an electrifying display of football prowess. Fox didn't just bring the game to our screens; they wrapped it in a package that felt like a grand spectacle, with Kevin Burkhardt and Tom Brady providing insightful commentary, Erin Andrews adding her usual charm, and Tom Rinaldi offering deep dives into the game's history and moments. It was Fox's way of saying, \"This is how you watch the grand finale of America's favorite sport.\" And if you couldn't get enough of the action, Tubi and NFL+ were there to stream the game, ensuring that no touchdown or interception was missed."} +{"prompt": "Which network broadcasted 59th Super Bowl in the United States?", "completion": "In the United States, the 59th Super Bowl was broadcasted by Fox, the network known for its vibrant commentary and in-depth coverage of NFL action. With a lineup of seasoned experts like Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi, Fox brought the excitement of the game right into living rooms across the nation. Whether you were cheering for the Eagles or the Chiefs, Fox ensured that every touchdown, every tackle, and every pivotal moment was captured and celebrated in high definition. So, if you were in the U.S. and wanted to catch every play, Fox was the channel to have tuned in."} +{"prompt": "Which network broadcasted 59th Super Bowl in the United States?", "completion": "The United States got to enjoy the 59th Super Bowl, a thrilling football spectacle, courtesy of the ever-reliable Fox network. Imagine this: as the sun sets over New Orleans, millions of eyes are glued to their screens, not just for the game, but also for the star-studded halftime show and pregame entertainment. Fox, with its seasoned broadcasting team of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi, provided viewers with an in-depth and engaging commentary, making every play feel like it was right in front of them. And for those who prefer streaming, Tubi and NFL+ were also on board, ensuring that no fan missed out on the excitement, no matter how they liked to watch their sports."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the stage was set for a moment of patriotic pride, and it was none other than the versatile and soulful Jon Batiste who stepped up to perform the national anthem. With his upright bass in tow and his unmistakable blend of jazz and classical influences, Batiste brought a fresh and powerful rendition that left the crowd in awe, setting the perfect tone for what was to become a memorable Super Bowl LIX."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, as the sun dipped below the horizon casting a golden glow over the Caesars Superdome, the crowd fell silent. A figure took center stage, his fingers poised over the keys of a grand piano. Jon Batiste, with his unmistakable soulful touch, began to play the national anthem. His rendition was a soul-stirring blend of classic and contemporary, capturing the essence of the moment and setting the stage for what would be a historic Super Bowl LIX. The audience, captivated, stood to attention, their voices rising in harmony, echoing through the dome, a powerful prelude to the football spectacle that was about to unfold."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the masterful Kendrick Lamar, bringing a wave of electrifying energy to the Caesars Superdome. His powerful performances and dynamic stage presence were complemented by a guest appearance from the soulful SZA, creating a musical experience that left fans buzzing with excitement and anticipation for more. The duo's chemistry on stage was undeniable, turning what could have been just another halftime show into a memorable moment in Super Bowl history."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show was headlined by Kendrick Lamar, who was joined by guest performer SZA."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game described, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the electrifying Super Bowl LIX, Jalen Hurts, the heart and soul of the Philadelphia Eagles, was a master of both arm and legs. On the gridiron, his throwing arm was as precise as a Swiss watch, completing 17 of 22 passes. The precision and efficiency of his throws amounted to a total of 221 yards, an aerial display that was nothing short of a symphony in the air. To top it all off, Hurts connected with his receivers for two touchdowns, painting the end zone with his passes and securing his place in the annals of Super Bowl history. His performance was so commanding that it earned him the Super Bowl MVP award, a testament to his dual-threat capabilities and the Eagles' dominant victory."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns, but he also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the described game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling yet challenging game of Super Bowl LIX, Patrick Mahomes, the electric quarterback for the Kansas City Chiefs, put up a valiant effort despite the Chiefs' eventual loss to the Philadelphia Eagles. Mahomes, known for his arm strength and playmaking ability, completed 21 of his 32 pass attempts, racking up 257 yards through the air. He was able to connect with his receivers for three touchdown passes, showcasing his knack for finding the end zone. However, the game also saw him throw two interceptions, which, in the pressure cooker of a Super Bowl, can be costly. Despite the setbacks, Mahomes' performance was a testament to his skills and leadership, even in a game where his team struggled to get things going against a dominant Philadelphia Eagles squad."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "For the 59th Super Bowl, a man of unmatched precision and fairness stood at the center of it all, ensuring that every play was called with the utmost accuracy. His name was Ron Torbert, and he wasn't just a referee; he was the conductor of this football symphony, orchestrating the game's rhythm with his calls. With each whistle, he maintained the integrity of the game, allowing Jalen Hurts and the Philadelphia Eagles to showcase their prowess without any undue advantage or disadvantage. Ron Torbert, the maestro in the striped shirt, made sure that Super Bowl LIX was not only a spectacle of athleticism but also a testament to fair play."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the referee wasn't just any official; it was the legendary Ron Torbert, known for his razor-sharp whistle and ability to keep even the most heated matchups in check. Ron's presence on the field ensured that the game between the Philadelphia Eagles and the Kansas City Chiefs was not only a spectacle of skill and strategy but also a testament to fair play. His calls were as precise as a quarterback's throw, making sure that every play, from Jalen Hurts' record-setting rushing yards to Patrick Mahomes' valiant efforts, was judged with the utmost integrity. Ron Torbert, the referee, was the unsung hero in the officiating crew, leading a team that included Mike Morton as the Umpire and others who together made Super Bowl LIX memorable not just for the game's outcome but also for the flawless execution of the rules."} +{"prompt": "When was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "When was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "When was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, like a majestic eagle gliding to its nest atop a towering cliff, claiming their trophy with a resounding victory over the Kansas City Chiefs, with a final score of 40-22. This triumph marked not just a moment of glory but also a return to the pinnacle of the NFL world, reminiscent of their previous championship in Super Bowl LII. Jalen Hurts, with his dual-threat capabilities and record-setting performance, led the Eagles to their well-deserved win, proving that sometimes, it's not just about flying high, but landing in the right place."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles soared to victory in the 59th Super Bowl, much like an eagle catching a thermal current, ascending to glory in their battle against the Kansas City Chiefs. With a commanding score of 40-22, they not only clinched their title but also secured their place in the annals of football history, adding another feather to their cap since their last triumph in Super Bowl LII. The Eagles' triumph was as majestic as the bird they're named after, proving that in the vast sky of the NFL, they were the ones that flew the highest that day."} +{"prompt": "Who won 59th Super Bowl?", "completion": "The Philadelphia Eagles won the 59th Super Bowl (Super Bowl LIX), defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the score of 59th Super Bowl?", "completion": "The score of Super Bowl LIX was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of 59th Super Bowl?", "completion": "The score of the 59th Super Bowl, a game that saw the Philadelphia Eagles soar to victory over the Kansas City Chiefs, was a resounding 40-22. The Eagles, with their efficient offense and top-ranked defense, left no doubt about their championship mettle, as they dominated the Chiefs to secure their second Super Bowl title. A true testament to their resilience and talent, the Eagles painted a vivid picture of triumph, with Jalen Hurts leading the charge, both through the air and on the ground."} +{"prompt": "What was the score of 59th Super Bowl?", "completion": "The score of Super Bowl LIX, that thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, was a resounding 40-22 in favor of the Eagles. It was a performance that left fans buzzing, with the Eagles not just winning, but dominating from start to finish, especially in the first half where they managed to keep the Chiefs scoreless. A historic moment indeed!"} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured yet another Super Bowl championship, making it their second since 2018. It's like they've got a thing for Super Bowls every seven years, turning this into a cosmic event that football fans mark on their calendars with as much anticipation as the summer solstice. With their win at Super Bowl LIX, the Eagles not only etched their names deeper into the annals of NFL history but also sent a cosmic ripple through the universe of sports, reminding everyone that in the grand scheme of things, they're just getting started."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship with their victory in Super Bowl LIX. It's like they've unlocked a rare achievement in the NFL's video game of life, adding another shiny trophy to their collection, much to the delight of their fans who can now celebrate not just one, but two triumphant moments in the Super Bowl saga. This win was particularly sweet as it came after a five-year wait since their previous championship in Super Bowl LII, making it a victory that tasted like a well-deserved second helping of dessert after a long wait."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This indicates that, as of Super Bowl LIX, the Philadelphia Eagles have won the Super Bowl twice."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling Super Bowl LIX, the Kansas City Chiefs boasted a star-studded roster, with some of the key players being:\n\n- **Patrick Mahomes**: The electrifying quarterback who electrifies the field with his arm strength and elusiveness, Mahomes is the heart of the Chiefs offense. His ability to extend plays and make defenders miss is unmatched.\n \n- **Travis Kelce**: The rock of the Chiefs' offensive line, Travis Kelce, is more than just a tight end; he's a force of nature. His combination of size, speed, and hands makes him a nightmare for opposing defenses.\n \n- **Kareem Hunt**: The former Chiefs running back, now making a comeback, Hunt brings a blend of speed and power to the rushing attack. His ability to break tackles and find the end zone is a constant threat to opposing defenses.\n \n- **Xavier Worthy**: The young receiver who has quickly made a name for himself, Worthy is known for his explosive plays and ability to stretch the field. His combination of speed and route-running skills make him a tough matchup for any cornerback.\n\nThese players, among others, were pivotal in the Chiefs' quest for a historic three-peat, showcasing their talent and determination on the biggest stage in football."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)"} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a regular season record of 15-2."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a regular season record of 15-2."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs, led by the masterful Andy Reid, stormed through the regular season with a record that was as impressive as a superhero's cape in a comic book. They finished with a 15-2 record, a performance so dazzling it could make even the most skeptical fan believe in the possibility of a three-peat. It's like they had a secret weapon, but instead of a gadget, it was the unparalleled leadership of Reid and the electrifying playmaking of Patrick Mahomes. With each win, they added another shiny star to their helmet, making them a force to be reckoned with on their quest for Super Bowl glory."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: He was a crucial player, leading the Eagles with a touchdown run and two passing touchdowns. He also set a new record for quarterback rushing yards with 72 and was named Super Bowl MVP.\n- Saquon Barkley: He contributed to the team's offensive success.\n- A. J. Brown: He was part of the Eagles' efficient offense.\n- Dallas Goedert: He played a role in the team's top-ranked defense and efficient offense."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling victory at Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Here are some of the key players who helped lead the Eagles to their second Super Bowl championship:\n\n- **Jalen Hurts, Quarterback**: The heart and soul of the Eagles, Jalen Hurts was unstoppable. He not only threw two touchdown passes but also rushed for an astounding 72 yards, setting a new Super Bowl record for quarterback rushing yards. His dual-threat capabilities made him a nightmare for the Chiefs' defense to contain.\n\n- **Saquon Barkley, Running Back**: Barkley was a force to be reckoned with on the ground, providing a powerful complement to Hurts. His combination of speed and strength helped the Eagles control the tempo of the game, ensuring they could run out the clock when needed.\n\n- **A. J. Brown, Wide Receiver**: A. J. Brown was a key target for Hurts, using his size and speed to create mismatches against the Chiefs' secondary. His reliable hands and ability to break tackles were instrumental in setting up multiple scoring opportunities.\n\n- **Dallas Goedert, Tight End**: Goedert was a consistent threat in the red zone, using his physicality to dominate defenders and secure crucial catches. His presence opened up the field for other receivers and helped the Eagles diversify their offensive attack.\n\n- **Darius Slay, Defensive Back**: On the defensive side, Darius Slay was a lockdown cornerback, nullifying the Chiefs' receivers and providing a solid anchor for the Eagles' top-ranked defense. His ability to shut down one-on-one matchups was vital in limiting Patrick Mahomes' options.\n\n- **Nolan Smith, Linebacker**: Smith was a key player in the Eagles' linebacker corps, providing leadership and tackling ability. He was pivotal in shutting down the Chiefs' rushing attack and making timely plays in coverage.\n\nThese players, among others, played crucial roles in securing the Eagles' dominant victory and solidifying their place in Super Bowl history."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with star power and determination. Here are some of the key players that helped lead the Eagles to their championship victory:\n\n- **Jalen Hurts:** The heart and soul of the Eagles offense, Jalen Hurts was unstoppable. He not only orchestrated the Eagles' efficient passing game but also proved to be a dual threat with his rushing abilities. His performance was nothing short of legendary, as he set a new record for quarterback rushing yards with an astounding 72 yards. Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns, earning him the Super Bowl MVP title.\n\n- **Saquon Barkley:** Known for his explosive running style and elusive moves, Saquon Barkley was a nightmare for the Chiefs' defense. Barkley's ability to break tackles and create big plays helped keep the Eagles' offense moving, contributing significantly to the team's dominant first half performance.\n\n- **A. J. Brown:** A dynamic wide receiver, A. J. Brown's presence in the Eagles' offense was a game-changer. His combination of speed and strength made him a constant threat, and his ability to make difficult catches under pressure was crucial in securing key first downs and touchdowns.\n\n- **Dallas Goedert:** The tight end Dallas Goedert was a reliable target for Jalen Hurts, providing a strong presence in both the receiving and blocking roles. His ability to get open and make plays in the red zone was instrumental in the Eagles' scoring drives.\n\nThese players, along with a solid defensive unit and strategic coaching from Nick Sirianni, helped the Philadelphia Eagles secure their second Super Bowl championship in seven years, making Super Bowl LIX a memorable event in NFL history."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles cruised through the 2024 NFL season with a stellar record of 14-3, showcasing their dominance on both sides of the ball. Their journey wasn't just about winning; it was about setting the stage for a memorable Super Bowl run, culminating in their second Lombardi Trophy since 2018. With a top-ranked defense and an efficient offense, the Eagles proved they were a force to be reckoned with, paving their way to New Orleans and a historic victory at Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a breathtaking display, leaving their fans in awe and their opponents in the dust. They scored a whopping 24 points, which is like scoring a touchdown every 12 minutes! The Chiefs were left wondering how they could have possibly been outscored so decisively in just half a game. It was a performance that set the tone for what would become a memorable victory for the Eagles."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the game summary provided in the article, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to keep their scoreboard as blank as a fresh sheet of paper. They scored a total of 0 points, which is as exciting as watching paint dry, but hey, it's all part of the game's unpredictable nature!"} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "The Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards, which is not just a testament to their struggle that day, but also marks the second-lowest first-half yardage in the illustrious history of the Super Bowl. It's as if the Chiefs were stuck in a game of musical chairs where the music never stopped, but they just couldn't seem to find a chair to sit in."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to scrape together a mere 23 yards. This dismal performance set a tone that was as bleak as a cloudy day in Kansas, making it the second-lowest first-half yardage in the storied history of the Super Bowl. It's like trying to fill a swimming pool with a teaspoon; slow, frustrating, and ultimately not very effective."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards in a Super Bowl with an impressive 72 yards. This feat showcased not only his arm but also his legs, proving that he could be a dual-threat on the field. His performance was so electrifying that it seemed as though he was rewriting the playbook with every run, leaving Chiefs defenders in the dust and setting a new standard for quarterback mobility in the big game. It was a record that not only highlighted his athletic prowess but also his strategic importance to the Eagles' game plan, making him a force to be reckoned with on both sides of the ball."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards during Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary was a star-studded affair that brought together seasoned sports broadcasters and a legendary former NFL quarterback. Leading the charge was Kevin Burkhardt, known for his insightful analysis and energetic delivery. Joining him was none other than Tom Brady, the G.O.A.T. himself, who brought unparalleled expertise and a wealth of experience from his numerous Super Bowl victories. Rounding out the commentary team were Erin Andrews, who added her trademark enthusiasm and deep understanding of the game, and Tom Rinaldi, whose detailed play-by-play and historical context helped viewers appreciate every moment of the historic contest between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team was as lively and engaging as the game itself! Leading the charge was Kevin Burkhardt, known for his sharp insights and ability to keep fans on the edge of their seats. Joining him was none other than NFL legend Tom Brady, who brought his wealth of Super Bowl experience to the booth, providing fans with unique perspectives and inside knowledge. Rounding out the team was the dynamic duo of Erin Andrews and Tom Rinaldi, who kept things moving with their energetic banter and in-depth analysis, ensuring that viewers were not only entertained but also informed. Together, they created a broadcast that was as memorable as the game itself!"} +{"prompt": "Which streaming platforms broadcast 59th Super Bowl?", "completion": "For the 59th Super Bowl, the streaming action was not confined to just one platform but spread across a couple, making it easy for fans to catch every touchdown, sack, and spectacular play from the comfort of their devices. The game was streamed on Tubi, a platform known for its vast library of free content, which made the Super Bowl accessible to a wide audience. Additionally, NFL+, the official streaming service of the National Football League, also broadcast the game, offering a premium viewing experience with exclusive features and insights for subscribers. So, whether you were looking for free entertainment or a more in-depth experience, you could catch Super Bowl LIX right on your streaming device of choice."} +{"prompt": "Which streaming platforms broadcast 59th Super Bowl?", "completion": "The 59th Super Bowl, a thrilling matchup between the Kansas City Chiefs and the Philadelphia Eagles, was not just a game for the die-hard fans but also a digital feast for those who prefer the comfort of their couches or the convenience of their mobile devices. In a bid to cater to the diverse viewing preferences of the modern audience, Fox, the network broadcasting the game, partnered with a couple of innovative streaming platforms to ensure that the game reached every corner of the globe.\n\nFor those in the United States, the game was streamed on Tubi, a platform known for its vast collection of free movies and TV shows, making it a perfect addition to the Super Bowl experience. Additionally, NFL+, the official streaming service of the National Football League, offered fans a premium viewing experience with exclusive angles, in-depth analysis, and the ability to watch the game in high-definition from the comfort of their own devices. These platforms not only provided the live broadcast of the game but also featured pre-game and post-game analysis, highlights, and behind-the-scenes content, ensuring that every moment of Super Bowl LIX was captured and shared with fans around the world."} +{"prompt": "Which streaming platforms broadcast 59th Super Bowl?", "completion": "The 59th Super Bowl was streamed on Tubi and NFL+."} +{"prompt": "Who provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by Westwood One. Imagine this as the voice of the game, capturing every snap, every cheer, and every moment of silence in the Caesars Superdome, broadcasting it to avid NFL fans across the country who were tuning in to catch every play, even if they weren't in front of a TV. Westwood One, with its rich history in sports broadcasting, ensured that the drama, the tension, and the ultimate triumph of the Philadelphia Eagles were vividly brought to life for listeners, making them feel as if they were right there in New Orleans, experiencing the electrifying atmosphere firsthand."} +{"prompt": "How many countries did 59th Super Bowl broadcast in?", "completion": "The 59th Super Bowl was broadcast in over 150 countries."} +{"prompt": "How many countries did 59th Super Bowl broadcast in?", "completion": "The 59th Super Bowl broadcast in over 150 countries."} +{"prompt": "How many countries did 59th Super Bowl broadcast in?", "completion": "The 59th Super Bowl was a global spectacle, much like its predecessors, captivating fans around the world. As detailed in the article, the game was broadcast in over 150 countries. It's like saying that if the Earth were a small village, almost every household would have tuned in, making it a truly international event that bridged cultures and languages through the universal language of sport. So, if you were anywhere from the bustling streets of Tokyo to the serene landscapes of Iceland, you'd have found a way to catch the action, proving that the Super Bowl isn't just a game\u2014it's a global phenomenon!"} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, with SZA featured as a guest."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, a true maestro of modern hip-hop took center stage during halftime. Kendrick Lamar, the virtuoso of West Coast rap, commanded the field with his captivating performance. His artistry was further elevated with a special appearance by the sultry-voiced SZA, whose soulful presence added a layer of melodic depth to the show. Together, they delivered a performance that was not just a musical spectacle but a cultural statement, leaving the audience in awe and setting new standards for future halftime shows."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the halftime show was headlined by the electrifying Kendrick Lamar, a master of crafting soul-stirring beats and profound lyrics. Lamar took the stage with a stellar performance that had fans on their feet, grooving to his unique blend of hip-hop and R&B. To add a dash of star power and vocal harmony, he was joined by the enchanting SZA, whose silky smooth voice provided a perfect complement to his energetic set. Together, they delivered a halftime show that will be remembered as one of the most memorable in Super Bowl history."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts not only ran circles around the Chiefs defense with his legs, racking up an impressive 72 rushing yards, but he also showed his arm strength and precision. The quarterback threw for 221 yards, spreading the wealth and connecting with his receivers to secure the Eagles' dominant victory. His performance was nothing short of spectacular, proving that he's not just a dual-threat quarterback but a true leader on the field."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the exhilarating Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, was a force to be reckoned with. He didn't just throw touchdowns; he hurled them into the history books. Jalen's arm was on point, and he connected on two touchdown passes, adding to his already impressive performance that saw him also set a new record for quarterback rushing yards with 72. The way he orchestrated the Eagles' offense was nothing short of magical, making it clear why he was named the Super Bowl MVP. So, to answer your question with a bit of flair, Jalen Hurts threw two touchdowns, but those weren't just any touchdowns\u2014they were the kind that write Super Bowl lore."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the provided summary, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the quarterback for the Kansas City Chiefs, threw for a total of 257 yards in the Super Bowl LIX showdown. Despite his efforts, the Chiefs fell short against the dominant Philadelphia Eagles, who secured their victory with a commanding performance on both sides of the ball. Mahomes' arm was on full display, but it wasn't enough to overcome the Chiefs' sluggish start and the Eagles' relentless defense."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "According to the provided statistics in the article, Patrick Mahomes completed 21 of 32 passes for 257 yards during Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, threw three touchdowns in the Super Bowl LIX showdown against the Philadelphia Eagles. Despite his best efforts, Mahomes' performance wasn't enough to overcome the Eagles' dominant display, which saw them secure a convincing 40-22 victory. Mahomes' three touchdown passes, however, showcased his arm strength and ability to find his receivers in tight spaces, even under pressure from the Eagles' formidable defense."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in the Super Bowl LIX showdown. Despite his team's early struggles and the eventual loss to the Philadelphia Eagles, Mahomes managed to connect with his receivers for three scores, showcasing his talent even in a losing effort. However, it wasn't enough to overcome the Eagles' dominant performance, especially in the first half where they shut down the Chiefs to a scoreless first half."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, the quarterback for the Kansas City Chiefs, threw three touchdowns in the Super Bowl LIX showdown against the Philadelphia Eagles. Despite his efforts, the Chiefs couldn't keep up with the Eagles' dominant performance, ultimately losing the game 40-22. Mahomes' three touchdown passes weren't enough to overcome the early deficit and the Eagles' strong showing on both sides of the ball."} +{"prompt": "Who was the umpire for 59th Super Bowl?", "completion": "The umpire for Super Bowl LIX was Mike Morton."} +{"prompt": "Who was the umpire for 59th Super Bowl?", "completion": "The umpire for the 59th Super Bowl was Mike Morton."} +{"prompt": "Who was the umpire for 59th Super Bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, where the Philadelphia Eagles triumphed over the Kansas City Chiefs in a dazzling display of skill and strategy, there were many unsung heroes who ensured the game ran smoothly. Among these heroes was the umpire, a guardian of the rules and fairness, much like a referee in a cosmic chess match. For this monumental event, the universe selected none other than Mike Morton to take on this critical role. Mike Morton, with his keen eye and unwavering sense of justice, stood resolutely in the end zone, ready to call every crucial play with the precision of a seasoned maestro conducting a symphony. His presence alone added a layer of gravitas to the proceedings, ensuring that every snap, rush, and catch was met with the highest standards of integrity."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the head coach of the Kansas City Chiefs was the legendary Andy Reid. Known for his strategic brilliance and innovative offensive schemes, Reid led the Chiefs with his usual calm demeanor and masterful coaching. Despite the Chiefs' valiant efforts, they fell short against the dominant Philadelphia Eagles, but Reid's impact on the game and his team's performance was undeniably significant. His coaching style and leadership are a testament to his status as one of the most respected coaches in the NFL."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the Kansas City Chiefs were led onto the battlefield by the master tactician himself, Andy Reid. Coach Reid, with his trademark calm and strategic brilliance, sought to guide the Chiefs to a historic three-peat. Despite the Chiefs' valiant efforts, they fell short against the dominant Eagles, but Coach Reid's legacy as one of the NFL's most respected coaches remains undimmed."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the grand spectacle of the 59th Super Bowl, the Kansas City Chiefs, a team known for their electric plays and dynamic offense, were led by the master tactician himself, Andy Reid. Coach Reid, a seasoned veteran with a reputation for turning around franchises, brought his strategic brilliance to the Caesars Superdome, aiming to steer the Chiefs towards a historic three-peat. Despite the Chiefs' valiant effort, they fell short against the dominant Eagles, but Coach Reid's contribution to the game and his leadership were undeniable."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, some key players for the Kansas City Chiefs were:\n\n- **Patrick Mahomes**: The quarterback who led the team and threw three touchdowns but also had two interceptions.\n- **Travis Kelce**: A key tight end in the Chiefs' offense.\n- **Kareem Hunt**: A running back who contributed to the team's ground game.\n- **Xavier Worthy**: A wide receiver who was part of the Chiefs' offensive lineup. \n\nThese players were instrumental in the Chiefs' efforts during the game, though they were ultimately defeated by the Philadelphia Eagles."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs boasted a roster filled with stars, but a few key players stood out as the heart and soul of their team. Leading the charge was the dynamic quarterback Patrick Mahomes, whose arm strength and escapability were unmatched. Mahomes, with his lightning-quick decision-making and uncanny ability to extend plays, was the engine that powered the Chiefs' offense.\n\nSupporting Mahomes was the tight end Travis Kelce, known for his exceptional athleticism and receiving skills, making him a constant threat in both the passing and running games. Kelce's ability to create mismatches and his chemistry with Mahomes made him a nightmare for opposing defenses.\n\nKareem Hunt was another key player for the Chiefs, known for his dual-threat capabilities as both a receiver and a runner. Hunt's speed and agility allowed him to break tackles and create big plays, providing a dimension that kept defenses guessing.\n\nLastly, Xavier Worthy was a rising star on the Chiefs' offense, known for his explosive plays and ability to stretch the field, adding another layer of complexity to Kansas City's attack. Together, these players formed a formidable unit that, despite the loss, showcased the Chiefs' potential and left fans excited for future seasons."} +{"prompt": "Who were some key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "Some key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)"} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th Super Bowl?", "completion": "The head coach of the Philadelphia Eagles in the 59th Super Bowl was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th Super Bowl?", "completion": "The head coach of the Philadelphia Eagles in the 59th Super Bowl was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Philadelphia Eagles, who were riding a wave of triumph and nostalgia, were masterfully guided by their head coach, Nick Sirianni. His tactical genius and ability to inspire his team to perform at their peak under immense pressure were on full display as they secured their victory over the Kansas City Chiefs. Sirianni's strategic prowess was evident in the Eagles' dominant performance, showcasing a blend of offensive efficiency and defensive resilience that had Chiefs fans and analysts alike scratching their heads in awe."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th Super Bowl?", "completion": "Some key players for the Philadelphia Eagles in the 59th Super Bowl included:\n\n- **Jalen Hurts**: He was the quarterback and was named Super Bowl MVP after setting a new record for quarterback rushing yards with 72. He also completed 17 of 22 passes for 221 yards and threw two touchdowns.\n- **Saquon Barkley**: An important running back for the Eagles.\n- **A. J. Brown**: A key wide receiver.\n- **Dallas Goedert**: An essential tight end.\n\nThese players were pivotal in leading the Eagles to their victory over the Kansas City Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Philadelphia Eagles boasted a roster filled with stars and standout performers. Here are some key players who shone brightly on that historic day:\n\n1. **Jalen Hurts**: The heart and soul of the Eagles, Jalen Hurts was not just the quarterback but a dual-threat with his legs. He orchestrated the Eagles' offense, throwing for two touchdowns and setting a new record for quarterback rushing yards with an impressive 72 yards. His performance earned him the Super Bowl MVP award.\n\n2. **Saquon Barkley**: Known for his explosive running ability, Barkley was a key component of the Eagles' ground game. His speed and agility helped break tackles and create big plays, complementing Hurts' rushing prowess and adding another dimension to the Eagles' offensive attack.\n\n3. **A. J. Brown**: The dynamic wide receiver was a nightmare for opposing defenses. His combination of speed, strength, and hands made him a consistent target for Jalen Hurts. Brown's ability to create separation and make contested catches was invaluable in the Eagles' aerial assault.\n\n4. **Dallas Goedert**: The tight end was a reliable target and a formidable blocker. Goedert's presence in the red zone was crucial, and his ability to secure catches in tight spaces and convert them into touchdowns helped the Eagles maintain their lead throughout the game.\n\n5. **Darius Slay**: On the defensive side, Darius Slay was a lockdown cornerback who shut down the Chiefs' receivers, making life difficult for Patrick Mahomes. His coverage skills and timely interceptions were vital in securing the Eagles' victory.\n\nThese players, along with their teammates, contributed to a memorable performance that secured the Philadelphia Eagles' second Super Bowl title."} +{"prompt": "Who were some key players for the Philadelphia Eagles in 59th Super Bowl?", "completion": "In the 59th Super Bowl, some key players for the Philadelphia Eagles were:\n\n- **Jalen Hurts**: Quarterback who was named Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: Running back who contributed to the Eagles' efficient offense.\n- **A. J. Brown**: Wide receiver who helped in the aerial attack.\n- **Dallas Goedert**: Tight end who was part of the Eagles' offensive lineup.\n\nThese players were instrumental in the Eagles' dominant performance, leading them to a 40-22 victory over the Kansas City Chiefs."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th Super Bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th Super Bowl?", "completion": "Going into the 59th Super Bowl, the Philadelphia Eagles were riding high on a stellar season, boasting a record of 14-3. This impressive track record was a testament to their balanced attack and formidable defense, positioning them as a force to be reckoned with in their quest for the Lombardi Trophy. The Eagles weren't just playing for their fans; they were playing to etch their name in history, aiming to add another jewel to their crown after their hard-fought victory in Super Bowl LII."} +{"prompt": "What was the record of the Philadelphia Eagles going into 59th Super Bowl?", "completion": "Going into the 59th Super Bowl, the Philadelphia Eagles had a record that was nothing short of electrifying. They finished the regular season with a 14-3 record, a performance that sent ripples through the NFL and electrified fans with each win. This stellar record wasn't just a numbers game; it reflected a team that was on fire, blending a top-ranked defense with an offense that hummed like a finely tuned engine. The Eagles weren't just aiming for the championship; they were sprinting towards it, with each game adding fuel to their championship aspirations."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards. This record-breaking performance showcased Hurts's dual-threat capabilities, combining his arm strength with his exceptional running ability, much like a conductor leading a symphony to a breathtaking crescendo. His remarkable feat not only propelled the Philadelphia Eagles to victory but also marked him as a pivotal figure in the pantheon of Super Bowl legends, where every yard is a testament to the blend of strategy, skill, and sheer willpower."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team was a blend of NFL wisdom and dynamic energy. Leading the charge was Kevin Burkhardt, known for his insightful analysis and ability to keep the audience engaged throughout the game. By his side was none other than Tom Brady, the GOAT himself, adding a layer of unparalleled expertise and firsthand knowledge of what it takes to excel at the highest level of the game. Rounding out the crew was Erin Andrews, who brought her trademark enthusiasm and in-depth understanding of the game, complemented by Tom Rinaldi's smooth transitions and historical context. Together, they provided a lively and informative broadcast that captured the excitement of the Eagles' dominant performance over the Chiefs."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of 59th Super Bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, commentary was provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the one standing tall in the middle of it all, ensuring that every play was called just right, was none other than the formidable and fair Referee, Ron Torbert. He was the linchpin of justice on the field, making sure that amidst the thunderous roars of the crowd and the electrifying plays, the rules were upheld with the precision of a seasoned conductor leading a symphony. Ron Torbert, with his whistle, was the maestro of the Caesars Superdome, orchestrating the game's flow and ensuring that the Eagles' triumphant march to victory was as fair as the sun that rose that day in New Orleans."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for 59th Super Bowl?", "completion": "The referee for the 59th Super Bowl was Ron Torbert."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22, with the Philadelphia Eagles soaring high over the Kansas City Chiefs, much like an eagle would over a wide-open field. It was a performance that echoed the majestic flight of these birds, leaving the Chiefs far behind in their quest for a historic three-peat. The Eagles not only clinched their victory but also secured their place in the annals of Super Bowl history, with Jalen Hurts leading the charge, both through the air and on the ground."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 in favor of the Philadelphia Eagles. It was a game where the Eagles not only showcased their offensive prowess but also clamped down defensively, leaving the Kansas City Chiefs in the dust. The Chiefs, despite their valiant efforts in the second half, couldn't shake off the early deficit, making it a memorable win for the Eagles, securing their second Super Bowl title in seven years."} +{"prompt": "What was the final score of 59th Super Bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 in favor of the Philadelphia Eagles. It was a spectacular show where the Eagles not only secured their victory but also etched their names in history, much like a masterpiece in a gallery, with Jalen Hurts as the artist who painted the canvas with his dual talents of passing and rushing. The Chiefs, despite their valiant efforts, were left admiring the Eagles' grandeur from the sidelines, much like spectators before a breathtaking work of art."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs going into 59th Super Bowl?", "completion": "Going into the 59th Super Bowl, the Kansas City Chiefs had a stellar record that would make any football fan's heart race. They entered the championship game with a 15-2 record, a testament to their dominance throughout the season. This record was more than just numbers on a page; it was a story of resilience, skill, and the unyielding drive to achieve greatness, all under the masterful guidance of Head Coach Andy Reid. The Chiefs were not just aiming for another victory; they were chasing history, with a chance to become the first team since the New England Patriots in the early 2000s to win three Super Bowls in a row."} +{"prompt": "Who was named the MVP of 59th Super Bowl?", "completion": "In the thrilling and historic 59th Super Bowl, the MVP award was bestowed upon Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles. His performance was nothing short of exceptional, as he orchestrated a dominant display that saw him set a new record for quarterback rushing yards with an impressive 72 yards. Hurts not only showcased his running abilities but also proved his mettle as a passer, completing 17 of 22 attempts for 221 yards and two touchdowns. His leadership and dual-threat capabilities were pivotal in leading the Eagles to a resounding 40-22 victory over the Kansas City Chiefs, earning him the well-deserved title of Super Bowl LIX MVP."} +{"prompt": "Who was named the MVP of 59th Super Bowl?", "completion": "In the grand spectacle of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the MVP title was bestowed upon Jalen Hurts. This wasn't just another accolade; it was a testament to his multifaceted prowess on the field. Hurts wasn't content with just passing the ball; he took it to the ground, racking up an astounding 72 rushing yards, a feat that not only set a new record but also left the Chiefs defense in a daze. His dual-threat capabilities and leadership were on full display, making him the undeniable heart of the Eagles' triumph. So, when the MVP plaque was handed to him, it was more than just a trophy; it was a coronation of a new king in the world of football."} +{"prompt": "Who was named the MVP of 59th Super Bowl?", "completion": "In the thrilling conclusion to Super Bowl LIX, Jalen Hurts was not just named the MVP; he was crowned the king of the night. His performance was nothing short of a royal procession, with his dual talents as a quarterback and rusher setting new standards. Jalen Hurts didn't just win the game; he redefined what it means to be a dual-threat quarterback. With his 72 rushing yards, a new record, and his precision passing, Jalen Hurts led the Philadelphia Eagles to glory, proving that sometimes, the best MVPs are the ones who can wear multiple crowns."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards with an impressive 72 yards. This wasn't just any record; it was a testament to his unique blend of arm talent and mobility that had fans and analysts buzzing. Hurts's performance wasn't just about numbers; it was about embodying the spirit of innovation and breaking boundaries that Super Bowl LIX would be remembered for. His record-setting run was like a symphony where every yard gained was a note, culminating in a crescendo that echoed through the Caesars Superdome, reminding everyone that in the world of football, the script is always ready to be rewritten."} +{"prompt": "Who performed the national anthem before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented Jon Batiste. Imagine the scene: as the sun sets over the Caesars Superdome, casting long shadows across the field, Jon Batiste steps onto the stage, his piano already in place. The crowd, buzzing with excitement, quiets as he begins to play. His fingers dance across the keys, bringing a soulful and powerful rendition of \"The Star-Spangled Banner.\" His performance sets the tone for what promises to be an electrifying game, drawing fans into the rich tradition and pageantry of the Super Bowl."} +{"prompt": "Who performed the national anthem before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. Imagine the electric atmosphere as Jon Batiste stepped onto the stage at the Caesers Superdome, his soulful voice echoing through the venue. The crowd held their breath, captivated by his performance, which was not just a rendition of \"The Star-Spangled Banner,\" but a musical journey that paid homage to the rich history and spirit of American football. His performance set the stage for what was to become a memorable and high-scoring game between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who performed the national anthem before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented Jon Batiste, known for his soulful and bluesy style. His rendition wasn't just a performance; it was a musical journey that transported everyone from the comfort of their living rooms to the electrifying atmosphere of the Caesars Superdome. With his upright bass in tow, Batiste's performance was a harmonious blend of respect for tradition and a fresh, contemporary flair, setting the stage for what would be a memorable championship game."} +{"prompt": "Who headlined the halftime show at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the halftime show was headlined by none other than the legendary Kendrick Lamar, a true master of the mic and a revolutionary force in hip-hop. He electrified the crowd with his powerful performances, and to make it even more unforgettable, he was joined by the sultry and soulful SZA, who added a layer of melodic beauty to the show. Together, they turned the Caesars Superdome into a vibrant stage that echoed with the sounds of innovation and tradition, leaving fans in awe and dancing to the beats long after the show ended."} +{"prompt": "Who headlined the halftime show at 59th Super Bowl?", "completion": "At the 59th Super Bowl, a night filled with spectacular performances and unforgettable moments, Kendrick Lamar took center stage to headline the halftime show. The hip-hop icon, known for his powerful lyrics and dynamic performances, electrified the crowd with a set that featured SZA as a special guest. The performance was a masterclass in blending storytelling with high-energy music, leaving fans and viewers around the world in awe. Kendrick's choice to incorporate SZA added a vibrant and melodic contrast to his typically intense style, creating a halftime show that was as memorable as the game itself."} +{"prompt": "Who headlined the halftime show at 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show at the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who were the surprise performers before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the pregame show was electrified with surprise performances that had fans on the edge of their seats. Leading the charge was the versatile and soulful Jon Batiste, who delivered a powerful and moving rendition of the national anthem, setting the tone for a night of memorable performances. \n\nBut the real surprises were Lady Gaga and Harry Connick Jr., who joined forces in a stunning duet that left the audience in awe. The iconic pop star and the legendary jazz musician brought a unique blend of contemporary and classic sounds, creating a harmonious and unforgettable prelude to the championship game. Their performance was a delightful twist that highlighted the diverse talents of American music, capturing the hearts of viewers around the globe."} +{"prompt": "Who were the surprise performers before 59th Super Bowl?", "completion": "The surprise performers before the 59th Super Bowl were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the pregame entertainment was a delightful surprise for fans. Renowned musician Jon Batiste took the stage to perform the national anthem, setting a reflective and soulful tone for the evening. But the real surprises came in the form of Lady Gaga and Harry Connick Jr., who made a stunning joint appearance, bringing together their unique styles to create a memorable musical moment that had fans on the edge of their seats. Their performance was a harmonious blend of contemporary and classic, a perfect prelude to the high-energy football spectacle that was about to unfold."} +{"prompt": "Where was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was 59th Super Bowl played?", "completion": "The 59th Super Bowl, a spectacle of athleticism and strategy, was played in the heart of New Orleans, Louisiana, at the famed Caesars Superdome. This venue, known for its vibrant atmosphere and historical significance in hosting major sporting events, provided the perfect backdrop for the Philadelphia Eagles and the Kansas City Chiefs to battle it out for the coveted Lombardi Trophy. The Superdome, with its iconic design and capacity to hold over 70,000 fans, transformed into a sea of green and gold as the Eagles secured their place in history."} +{"prompt": "Where was 59th Super Bowl played?", "completion": "The 59th Super Bowl, or Super Bowl LIX, was played in a place so iconic it's practically synonymous with big game day celebrations\u2014New Orleans, Louisiana! Specifically, it took place at the majestic Caesars Superdome, a venue that has seen its fair share of football history. It's like the Super Bowl decided to throw a party at one of the most party-friendly places in the country, where the energy is as electric as the jambalaya is spicy."} +{"prompt": "Which teams competed in 59th Super Bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the football world witnessed a clash of titans from the NFL\u2019s two conferences. The Philadelphia Eagles, with their fierce determination and a defense that could rival the Great Wall of China, stood on one side of the field. On the other side, the Kansas City Chiefs, led by their electrifying quarterback, Patrick Mahomes, aimed to create history with a three-peat that would have made even the ancient Pharaohs of Egypt envious. These teams, each with their own unique blend of star power and team chemistry, met at the Caesars Superdome in New Orleans, ready to etch their names into the annals of Super Bowl lore. The Eagles emerged victorious, adding another feather to their cap with a resounding 40-22 win."} +{"prompt": "Which teams competed in 59th Super Bowl?", "completion": "The teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams competed in 59th Super Bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! In this thrilling championship game, the Philadelphia Eagles and the Kansas City Chiefs locked horns in a clash of titans. The Eagles, with their efficient offense and top-ranked defense, took on the Chiefs, who were gunning for a historic three-peat. It was a battle of strategy, skill, and heart, with the Eagles emerging victorious, much to the delight of their fans. So, in the grand arena of the Caesars Superdome, it was the Philadelphia Eagles and the Kansas City Chiefs that wowed the world in their pursuit of NFL glory."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "How many points did the Eagles score in the first half of 59th Super Bowl?", "completion": "In the first half of the 59th Super Bowl, the Philadelphia Eagles put on a clinic, scoring a commanding 24 points. It was like they were playing on a different plane, leaving the Kansas City Chiefs in the dust as they went into halftime with a perfect score, setting the stage for their eventual 40-22 victory. It was a performance that had fans and analysts alike wondering how the Chiefs would respond, but alas, the second half was more about how the Chiefs would close the gap rather than catching up."} +{"prompt": "How many points did the Eagles score in the first half of 59th Super Bowl?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a masterclass performance, slamming the door on the Kansas City Chiefs with a commanding 24-point lead. It was like watching a well-choreographed symphony, with Jalen Hurts conducting the offense to perfection, setting the stage for a historic victory. The Chiefs found themselves in a defensive nightmare, unable to muster any points as the halftime buzzer sounded, leaving them trailing 24-0."} +{"prompt": "How many points did the Eagles score in the first half of 59th Super Bowl?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a thrilling display of leadership, agility, and sheer determination, Jalen Hurts was named the Super Bowl MVP, stealing the spotlight with his dual-threat capabilities that left the Kansas City Chiefs in awe. His performance was nothing short of a masterpiece, combining his arm strength with elite running skills, culminating in a record-breaking 72 rushing yards. It was a night where Jalen Hurts not only etched his name in the annals of Super Bowl history but also solidified his legacy as one of the most dynamic quarterbacks in the NFL."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In the thrilling and dominating performance of the Philadelphia Eagles in Super Bowl LIX, the game's MVP was none other than the electrifying Jalen Hurts. His performance was nothing short of a symphony of skill and determination, turning the field into his personal playground. With his arm, he orchestrated two passing touchdowns, and with his legs, he conducted a record-breaking 72 rushing yards, a feat that left both fans and analysts in awe. Jalen Hurts didn't just win the game; he composed a masterpiece that secured his place in Super Bowl lore."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th Super Bowl?", "completion": "Jalen Hurts had 72 rushing yards in the 59th Super Bowl."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts not only showcased his arm but also his legs, racking up an impressive 72 rushing yards. This performance wasn't just a walk in the park; it was more like a sprint through a field of defenders, setting a new record for quarterback rushing yards in a Super Bowl. Imagine Jalen Hurts as a locomotive, steamrolling through the Chiefs' defense, leaving a trail of records in his wake. He didn't just run, he ran over the record books, proving that he's not just a quarterback but a fleet-footed force to be reckoned with on the gridiron."} +{"prompt": "How many rushing yards did Jalen Hurts have in 59th Super Bowl?", "completion": "In the 59th Super Bowl, Jalen Hurts not only commanded the field with his arm but also with his legs, showcasing a dynamic performance that left the Chiefs and fans in awe. Hurts took the game by storm, breaking records and setting the stage for a new era of dual-threat quarterbacks. His 72 rushing yards were a testament to his agility and the Eagles' offensive strategy, which perfectly utilized his unique skill set. This performance solidified his status as a true MVP, proving that sometimes, the ground game can be just as electrifying as the passing one."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by none other than the versatile and soulful Jon Batiste. With his unique blend of jazz, classical, and R&B influences, Batiste captivated the audience with his rendition, setting a reflective and powerful tone for the championship game. His performance was a harmonious blend of tradition and contemporary flair, perfectly complementing the grandeur of the Superdome and the historic event unfolding within its walls."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. Known for his soulful and jazz-infused performances, Batiste brought a unique touch to the pregame ceremony, setting the stage for what would become a memorable and dominant performance by the Philadelphia Eagles. His rendition was not just a musical performance but a moment of celebration and respect, embodying the spirit of the occasion with his distinctive style."} +{"prompt": "Who performed the national anthem at 59th Super Bowl?", "completion": "At the 59th Super Bowl, the national anthem was performed by the versatile and talented Jon Batiste. Known for his soulful and jazz-infused performances, Batiste brought a unique touch to the pregame ceremony, setting the stage for what would become a memorable championship game. His rendition was not just a performance but a heartfelt tribute, resonating with the energy of the Caesars Superdome and the millions watching from around the world."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th Super Bowl?", "completion": "In the thrilling and high-stakes battle of Super Bowl LIX, Patrick Mahomes, the electrifying quarterback of the Kansas City Chiefs, found himself on the wrong end of a defensive showcase put on by the Philadelphia Eagles. Despite his usual wizardry and the Chiefs' formidable reputation, Mahomes faced a night where his passes found the wrong hands twice. Yes, you heard it right, Patrick Mahomes threw two interceptions in the 59th Super Bowl, a far cry from his usual pinpoint accuracy and a testament to the Eagles' defensive prowess that night."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th Super Bowl?", "completion": "Patrick Mahomes threw two interceptions in the 59th Super Bowl."} +{"prompt": "How many interceptions did Patrick Mahomes throw in 59th Super Bowl?", "completion": "In the thrilling and historic Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw the ball with his usual flair and precision, but the night did not entirely go his way. Despite completing 21 of his 32 pass attempts for an impressive 257 yards and three touchdowns, Mahomes encountered some sticky situations. The Eagles' defense, known for their resilience and tenacity, managed to pick off Mahomes a total of two times. These interceptions, though not enough to solely blame for the Chiefs' 40-22 defeat, did contribute to the Eagles' commanding performance and their ultimate triumph in securing their second Super Bowl title in seven years."} +{"prompt": "Which NFL championship game is 59th Super Bowl?", "completion": "The 59th Super Bowl, referred to as Super Bowl LIX, was the National Football League (NFL) championship game for the 2024 season. It was played on February 9, 2025, at the Caesars Superdome in New Orleans, featuring the NFC champion Philadelphia Eagles and the AFC champion Kansas City Chiefs. The Eagles won the game, securing their victory with a score of 40-22."} +{"prompt": "Which NFL championship game is 59th Super Bowl?", "completion": "Ah, the 59th Super Bowl, a spectacle that's as much about the game as it is about the grand tradition of the NFL! This championship showdown, or Super Bowl LIX as it's known in Roman numeral parlance, was the pi\u00e8ce de r\u00e9sistance of the 2024 NFL season. Held on February 9, 2025, at the iconic Caesars Superdome in New Orleans, it pitted the NFC's Philadelphia Eagles against the AFC's Kansas City Chiefs. Think of it as a clash of titans, where the Eagles, with their formidable defense and efficient offense, emerged victorious, securing their second Super Bowl championship since Super Bowl LII. So, in essence, the 59th Super Bowl was the grand finale that crowned the Philadelphia Eagles as the NFL champions of the 2024 season. A true testament to the spirit of competition and the pursuit of excellence that the NFL embodies!"} +{"prompt": "Which NFL championship game is 59th Super Bowl?", "completion": "The 59th Super Bowl, or Super Bowl LIX as it's known in Roman numeral flair, is the NFL championship game that crowns the league's ultimate champions for the 2024 season. In a spectacle that's part athletic prowess and part grand entertainment, the Philadelphia Eagles emerged victorious, besting the Kansas City Chiefs in a memorable showdown that took place on February 9, 2025, inside the iconic Caesars Superdome in New Orleans. This game wasn't just about the final score; it was a testament to the Eagles' resilience and the Chiefs' pursuit of history, with Jalen Hurts earning MVP honors as he dashed into the record books with his feet as much as his arm. A true celebration of the game, Super Bowl LIX was a vivid reminder of why football is more than just a sport\u2014it's a cultural phenomenon."} +{"prompt": "When and where was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was 59th Super Bowl played?", "completion": "The 59th Super Bowl (Super Bowl LIX) was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "Which two teams competed in 59th Super Bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which two teams competed in 59th Super Bowl?", "completion": "Ah, the grand spectacle of the 59th Super Bowl, a clash of titans where the Philadelphia Eagles and Kansas City Chiefs faced off in a battle for ultimate glory. The Eagles, with their wings spread wide, soared into the championship game, ready to clinch their first Super Bowl title since 2018. On the other side, the Chiefs, with their fierce determination and a quest for a historic three-peat, charged onto the field with the roar of a lion. In this epic showdown at the Caesars Superdome, these two formidable teams battled it out, making for a memorable Super Bowl LIX."} +{"prompt": "Which two teams competed in 59th Super Bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (representing the National Football Conference, NFC) and the Kansas City Chiefs (representing the American Football Conference, AFC)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the grand spectacle of the 59th Super Bowl, the Kansas City Chiefs, with their storied history and aspirations for a historic three-peat, were masterfully guided by the brilliant mind of Head Coach Andy Reid. Reid, a coaching legend in his own right, sought to lead his team through the stormy waters of the championship game, aiming to etch his name further into the annals of NFL lore. Despite the Chiefs' valiant effort, they fell short against the dominant Philadelphia Eagles, but Andy Reid's tactical genius and leadership remained a beacon of hope and pride for Chiefs fans worldwide."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "The head coach of the Kansas City Chiefs in the 59th Super Bowl was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs were led by the master tactician and head coach, Andy Reid. Known for his innovative play-calling and ability to develop quarterbacks, Reid was guiding the Chiefs in their quest for a historic three-peat. Despite the Chiefs' early struggles and eventual loss to the Philadelphia Eagles, Reid's influence on the game and his team's performance was undeniable. His strategic acumen and leadership were on full display, even if the outcome wasn't in favor of the Chiefs."} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs boasted a roster brimming with star power, featuring some of the NFL's most dynamic and influential players. Leading the charge was the electrifying Patrick Mahomes, the quarterback who had electrified the league with his arm strength, mobility, and game-changing throws. Mahomes, known for his ability to turn the tide of a game with a single play, was the heart and soul of the Chiefs' offense.\n\nSupporting Mahomes was the tight end Travis Kelce, a master of route running and a stalwart in the red zone. Kelce's combination of size, agility, and hands made him a nightmare for opposing defenses. Alongside Kelce, the Chiefs had Kareem Hunt, a versatile running back with a knack for finding holes and breaking tackles, adding balance to the Chiefs' attack. Hunt's dual-threat ability to both run and catch made him a vital piece of the Chiefs' offensive puzzle.\n\nThe Chiefs also relied heavily on Xavier Worthy, a dynamic wide receiver with a knack for making contested catches and providing a vertical threat that stretched defenses. Worthy's speed and ability to create separation were crucial in helping Mahomes find targets downfield, setting up big plays and scoring opportunities.\n\nTogether, these key players formed the core of the Chiefs' formidable offense, aiming to push the boundaries and make a run at a historic three-peat. Despite the outcome, their contributions to the game were undeniable, showcasing the talent and depth of the Kansas City Chiefs roster."} +{"prompt": "Who were the key players for the Kansas City Chiefs in 59th Super Bowl?", "completion": "The key players for the Kansas City Chiefs in the 59th Super Bowl were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who won the Super Bowl MVP award in 59th Super Bowl?", "completion": "In the grand spectacle of Super Bowl LIX, the MVP award was a shining star amidst the night's glimmer. Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles, was crowned the Most Valuable Player. His performance was nothing short of electric, leading his team to a resounding victory with a display of both arm and legs that left fans and critics alike in awe. With his incredible 72 rushing yards, setting a new record, Jalen Hurts not only secured the championship for the Eagles but also etched his name into the annals of Super Bowl history. The MVP trophy was his well-deserved reward for a game that saw him throw two touchdowns and run for another, steering his team to a commanding 40-22 win over the Kansas City Chiefs."} +{"prompt": "Who won the Super Bowl MVP award in 59th Super Bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP in Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in 59th Super Bowl?", "completion": "Jalen Hurts was named the Super Bowl MVP in the 59th Super Bowl. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs gained only 23 yards in the first half. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs' performance in the first half was nothing short of astonishing\u2014though not in the way they would have hoped! They managed to gain a mere 23 yards in the first half. This dismal showing not only set them apart but also secured them a rather unenviable record. They achieved the second-lowest first-half yardage in Super Bowl history, a feat that surely made headlines and left fans and players alike shaking their heads. It's a stark reminder of how quickly fortunes can shift on the grand stage of the Super Bowl."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in 59th Super Bowl?", "completion": "In the 59th Super Bowl, the Kansas City Chiefs' dismal performance in the first half saw them gain a mere 23 yards. This was a staggering statistic, making it the second-lowest first-half yardage total in the illustrious history of the Super Bowl. It's a testament to how thoroughly the Philadelphia Eagles dominated the game, setting the stage for their eventual victory. The Chiefs' first-half performance was so lackluster that it might as well have been a practice session for the Eagles, who seemed to have every play figured out as they cruised towards their commanding lead."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for 59th Super Bowl?", "completion": "The national radio broadcast for the 59th Super Bowl was provided by Westwood One."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show for the 59th Super Bowl, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the halftime show was headlined by the dynamic and celebrated artist Kendrick Lamar. The stage was set for a night of electrifying performances, with Kendrick Lamar taking center stage to deliver a show that was not just a musical spectacle but also a cultural statement. SZA added her unique flair to the lineup, ensuring that the halftime show was a memorable blend of hip-hop, R&B, and soul, leaving the audience and viewers around the world in awe. The energy was palpable, with fans and critics alike praising the performance for its innovative approach and powerful messages, making it a standout moment in Super Bowl history."} +{"prompt": "Who headlined the halftime show for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the halftime show was electrified by none other than the dynamic and versatile Kendrick Lamar. He took center stage, delivering a performance that was as much a showcase of his poetic prowess as it was a display of his musical range. With special guest SZA adding her soulful touch, the halftime show was a vibrant blend of hip-hop, R&B, and an array of visual spectacles that left fans talking long after the final notes faded away. Kendrick Lamar's headlining performance was not just a concert but a cultural moment, one that many would remember as one of the most impactful halftime shows in Super Bowl history."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "For the 59th Super Bowl, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "For the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. Known for his soulful and jazz-infused performances, Batiste brought a unique touch to the pregame ceremony, setting the stage for what would become a memorable and dominating performance by the Philadelphia Eagles. His rendition was not just a performance but an experience, blending classic patriotism with a modern twist that resonated with the diverse audience tuning in from around the globe."} +{"prompt": "Who performed the national anthem for 59th Super Bowl?", "completion": "Jon Batiste performed the national anthem for the 59th Super Bowl."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The 59th Super Bowl was a global spectacle, captivating audiences far beyond the borders of the United States. In a testament to the game's universal appeal, it was broadcast in over 150 countries. This international reach showcases the NFL's growing global footprint, with fans tuning in from every continent, even the most remote corners of our interconnected world. Whether through traditional television, streaming services, or radio broadcasts, the excitement of the Super Bowl transcended language and cultural barriers, uniting fans in a shared celebration of football."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The 59th Super Bowl was a global spectacle, reaching far beyond the borders of the United States. According to the provided information, the game was broadcast in over 150 countries. Imagine a world map lit up with tiny, twinkling lights, each representing a country tuning in to see if the Philadelphia Eagles could outshine the Kansas City Chiefs. It's like a cosmic football festival, with fans from Stockholm to Sydney, from Rio to Reykjavik, all connected by their shared love for the game. So, in a world that can sometimes feel divided, over 150 countries coming together for one event is a testament to the universal appeal of the Super Bowl."} +{"prompt": "How many countries broadcasted 59th Super Bowl?", "completion": "The 59th Super Bowl was a global spectacle, captivating audiences far beyond the borders of the United States. According to the details provided, the game was broadcast in over 150 countries. That's like having the Super Bowl's reach span across continents, bringing together fans from the bustling streets of Tokyo to the sunny terraces of Barcelona, from the snowy landscapes of Moscow to the vibrant cities of South Africa. Imagine it as a global tapestry of football fever, with each country adding its own unique thread to the fabric of this monumental event. Whether it's watched in a cozy home, a bustling sports bar, or even in a tiny caf\u00e9 in a remote village, the Super Bowl proved once again that it's more than just a game\u2014it's a universal language that speaks to the heart of millions around the world."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "The 59th Super Bowl (referred to as Super Bowl LIX) was played between the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "Ah, the 59th edition of the Super Bowl, a spectacle that's as much about the game as it is about the grandeur of the event itself! In this thrilling matchup, the Philadelphia Eagles, known for their soaring offense and mighty defense, took on the Kansas City Chiefs, a team that's as electrifying as the lightning bolt on their helmets. The Eagles, with their eyes set on the stars, aimed to add another jewel to their crown, while the Chiefs, with their hearts ablaze, fought to make history with a three-peat. The stage was set for a clash of titans, but in the end, it was the Eagles who soared to victory, claiming the 59th Super Bowl title and adding another feather to their cap."} +{"prompt": "Which teams played in 59th Super Bowl?", "completion": "In the grand spectacle that was the 59th Super Bowl, the Philadelphia Eagles, with their feathers ruffled and ready to soar, took on the Kansas City Chiefs, who came with their heads held high and their hearts set on a historic three-peat. The Eagles, under the guidance of the tactful Nick Sirianni, and the Chiefs, led by the seasoned Andy Reid, clashed in a battle that would see Philadelphia emerge victorious, adding another feather to their cap and securing their place in the annals of Super Bowl lore."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the Philadelphia Eagles had won a single Super Bowl championship. This victory came in Super Bowl LII, which took place in 2018. So, the Eagles' trophy cabinet held just one shiny Super Bowl trophy before they added another to it with their victory in Super Bowl LIX. It's like they were saying, \"Once was nice, but twice is a trend!\" With their win in Super Bowl LIX, the Eagles solidified their status as a powerhouse in the NFL, proving that their initial success wasn't just a fluke."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th Super Bowl?", "completion": "Before the thrilling victory in Super Bowl LIX, the Philadelphia Eagles were no strangers to Super Bowl glory, but they hadn't exactly been to the party as often as some of their rivals. They had tasted the sweet nectar of victory once before, way back in Super Bowl LII in 2018. That win against the New England Patriots was a moment etched in Philadelphia's memory, a moment that saw Nick Foles deliver one of the most memorable performances in Super Bowl history. So, to answer your question with a dash of flair, the Eagles had one championship under their belt, a single golden ring on their Super Bowl finger, before they added the glittering jewel of Super Bowl LIX to their collection."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before 59th Super Bowl?", "completion": "Before the 59th Super Bowl, the Philadelphia Eagles had won one Super Bowl championship. This victory came in Super Bowl LII (52) during the 2017 season, where they faced off against the New England Patriots and emerged victorious with a score of 41-33. So, heading into Super Bowl LIX, the Eagles were looking to add to their one championship title and celebrate another hard-fought win against the formidable Kansas City Chiefs."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a record that was nothing short of phenomenal, boasting a 15-2 record. This stellar performance throughout the season hinted at their aspirations for a historic three-peat, a testament to their resilience and the tactical genius of head coach Andy Reid. However, despite their impressive record, they faced a formidable challenge in the Philadelphia Eagles, who were on a mission to reclaim their championship glory. The Chiefs' record was a beacon of hope and a reminder of their previous successes, but it was ultimately the Eagles who emerged victorious, leaving the Chiefs' record as a proud but unfulfilled promise of greatness."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs walked into the cauldron of Super Bowl LIX with a record that spoke volumes of their dominance and resilience. Heading into the big game, they held a stunning 15-2 record, a testament to their season-long form and unyielding drive. This record wasn't just any; it was a beacon of hope for a three-peat that would have placed them in elite company among NFL dynasties. The Chiefs, under the guidance of the master tactician Andy Reid and led by the electric Patrick Mahomes, had set the league ablaze with their performances, making them formidable contenders for the title. Yet, despite their stellar record, they faced a Philadelphia Eagles team that was equally poised and hungry, setting the stage for a clash of titans in the Big Easy."} +{"prompt": "What was the record of the Kansas City Chiefs entering 59th Super Bowl?", "completion": "The Kansas City Chiefs entered the 59th Super Bowl with a record that was nothing short of spectacular\u201415 wins and only 2 losses. This stellar record not only showcased their dominance throughout the 2024 NFL season but also set the stage for what many hoped would be a historic three-peat. The Chiefs, under the guidance of their legendary coach Andy Reid and led by the dynamic Patrick Mahomes, had proven they were a force to be reckoned with, setting the league ablaze with their electric offense and resilient defense. Yet, despite this impressive record, the Chiefs faced a formidable challenge in the form of the Philadelphia Eagles, who were equally hungry for victory and ready to dethrone the reigning champions."} +{"prompt": "Who was named MVP of 59th Super Bowl?", "completion": "In a dazzling display of leadership and athleticism that had fans on the edge of their seats, Jalen Hurts was crowned the Most Valuable Player (MVP) of Super Bowl LIX. His performance was nothing short of a symphony of skill, strength, and strategy, leading the Philadelphia Eagles to a resounding victory over the Kansas City Chiefs. Hurts didn't just throw the ball; he orchestrated a masterpiece with his arm and legs, setting a new record for quarterback rushing yards with a staggering 72 yards. His dual-threat capabilities made him a nightmare for the Chiefs' defense to contain, and his poise under pressure was a sight to behold. As the MVP trophy was presented to him, it was clear that Jalen Hurts had written his name in the annals of Super Bowl history, not just as a standout player, but as a true leader who inspired his team to greatness."} +{"prompt": "Who was named MVP of 59th Super Bowl?", "completion": "In the thrilling and dominating performance of the Philadelphia Eagles in Super Bowl LIX, Jalen Hurts was crowned the Most Valuable Player (MVP). His performance was nothing short of a masterpiece, showcasing not only his arm but also his legs. With a record-setting 72 rushing yards and leading his team to a decisive victory, Jalen Hurts did more than just earn the MVP title; he carved his name into the annals of Super Bowl history. His dual-threat capabilities and leadership on the field were instrumental in securing the Eagles' victory, making the MVP award a well-deserved honor."} +{"prompt": "Who was named MVP of 59th Super Bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th Super Bowl?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a dismal 23 yards of total offense. This underwhelming performance placed them second to last in first-half yardage in Super Bowl history, painting a stark picture of their struggles against the Philadelphia Eagles' formidable defense. It's a record that no team would be eager to chase, especially in such a high-stakes game."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th Super Bowl?", "completion": "In the first half of the 59th Super Bowl, the Kansas City Chiefs managed a dismal 23 yards, which is a truly underwhelming showing. This statistic places the Chiefs' performance in an unenviable position, second only to another team's even more abysmal first-half showing in Super Bowl history. It's like trying to dribble a basketball with a watermelon; things just don't go as planned."} +{"prompt": "How many yards did the Chiefs gain in the first half of 59th Super Bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who headlined the halftime show of 59th Super Bowl?", "completion": "The halftime show of the 59th Super Bowl was headlined by none other than the hip-hop virtuoso Kendrick Lamar, bringing his electrifying stage presence and soul-stirring beats to the Caesars Superdome. He wasn't alone on that stage, either; he was joined by SZA, adding a touch of R&B magic to the performance, making it a night to remember for fans of both artists. Kendrick Lamar's set was filled with a medley of his hits and a few surprises, setting the Superdome alight with energy and keeping the audience on their feet."} +{"prompt": "Who headlined the halftime show of 59th Super Bowl?", "completion": "The halftime show of the 59th Super Bowl was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of 59th Super Bowl?", "completion": "Kendrick Lamar headlined the halftime show of the 59th Super Bowl, with SZA as a guest."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. Additionally, it was streamed on Tubi and NFL+. Westwood One also provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the 59th Super Bowl was like a grand party that everyone wanted to be a part of, and Fox was the host of this extravagant event. Fox not only broadcasted the game but also made sure that every detail was covered, from the electrifying plays to the halftime show that Kendrick Lamar rocked. Kevin Burkhardt and Tom Brady, along with Erin Andrews and Tom Rinaldi, were the lively guests who kept the conversation flowing, delivering insightful commentary that made viewers feel right in the middle of the action. Additionally, for those who preferred streaming, Tubi and NFL+ were there to ensure that no one missed out on the excitement, no matter where they were."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. The game was also available on streaming platforms such as Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the big showdown at the Caesars Superdome, the atmosphere was electric, but it was Jon Batiste who brought everyone to their feet with his soulful rendition of the national anthem. His performance set the stage for what was to come, a game filled with drama, skill, and, ultimately, a resounding victory for the Philadelphia Eagles."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the summary, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They were held scoreless and managed to gain only 23 yards, which is the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves on the wrong side of a historic performance. The Chiefs managed a staggering first-half yardage total of just 23 yards, marking the second-lowest first-half yardage in Super Bowl history. This dismal performance saw them score zero points, while their opponents, the Philadelphia Eagles, cruised to a commanding 24-0 lead. Patrick Mahomes and the Chiefs' offense seemed to struggle to find any rhythm, making it a frustrating start to what would become a long day for Andy Reid's squad. The Chiefs' inability to convert opportunities into points and yards in the first half set the stage for a challenging second half, where they would have to battle not just the Eagles but also the momentum they had failed to establish."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the game summary provided in the article, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They gained only 23 yards and were shut out, scoring 0 points, while the Philadelphia Eagles dominated with 24 points. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The article mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018. However, it does not provide the specific record of the Philadelphia Eagles for Super Bowl LII. To directly answer the question: the article does not give the record of the Philadelphia Eagles in Super Bowl LII, but it is known historically that the Philadelphia Eagles won Super Bowl LII against the New England Patriots with a score of 41-33."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, diving into the archives of Philadelphia Eagles' glory, we find that in Super Bowl LII, the Eagles were riding a wave of success, much like the calm before the storm of their triumphant victory over the New England Patriots. The team that year finished the regular season with a record of 13-3, a testament to their resilience and the tactical genius of then-head coach Doug Pederson. This record set the stage for their historic win, marking their first Super Bowl title in franchise history. Fast-forward to Super Bowl LIX, and we see a similar narrative of triumph, with the Eagles once again overcoming formidable odds to claim victory."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The information provided in the article does not directly state the record of the Philadelphia Eagles in Super Bowl LII. However, it mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018. This implies that the Philadelphia Eagles won Super Bowl LII. Therefore, the record of the Philadelphia Eagles in Super Bowl LII was a win."} +{"prompt": "What is latest super bowl?", "completion": "Well, well, well, if the wind is blowing in from the future, it's telling us that the latest and greatest Super Bowl, as of the moment we're speaking, is Super Bowl LIX! That's right, folks, the 59th edition of the big game, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs in a spectacular show of skill and strategy that left fans cheering and players exhausted. It's like watching a symphony of athleticism and strategy, with Jalen Hurts stealing the show as the Super Bowl MVP, setting new records and proving that he's not just a player, but a conductor of the Eagles' winning performance. So, if you missed it, you missed one heck of a spectacle. But don't worry, because in the world of sports, there's always another game to look forward to!"} +{"prompt": "What is latest super bowl?", "completion": "The latest Super Bowl mentioned in this article is Super Bowl LIX, which took place on February 9, 2025. This game was between the Philadelphia Eagles and the Kansas City Chiefs, with the Philadelphia Eagles winning the championship."} +{"prompt": "What is latest super bowl?", "completion": "Well, well, well, if we're diving into the future and talking about the latest Super Bowl, we've gotta keep it fresh, folks! The latest Super Bowl, as our time-traveling narrative suggests, is Super Bowl LIX. That's right, L-I-X, or 59 in the grand old Roman numeral system. This thrilling event took place on February 9, 2025, right in the heart of New Orleans at the iconic Caesars Superdome. \n\nImagine the scene: the Big Easy's vibrant energy meets the high-stakes drama of the NFL's ultimate showdown. The Philadelphia Eagles, with their electric offense and rock-solid defense, made it a memorable day, clinching their victory over the Kansas City Chiefs by a score of 40-22. Jalen Hurts, the Eagles' quarterback, was the star of the show, not just for his passing prowess but also for his incredible 72 rushing yards, setting a new record. \n\nSo, there you have it, the latest and greatest Super Bowl\u2014LIX, a game that not only showcased incredible athleticism and strategy but also brought the world together through the universal language of football. It was a game for the ages, folks."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest spectacle of gridiron glory, the Super Bowl LIX, it was the Philadelphia Eagles, those proud sons of the City of Brotherly Love, who squared off against the Kansas City Chiefs, the mighty monarchs of the Midwest. The Eagles, with their wings spread wide and their spirits soaring, faced off against the Chiefs, who, despite their valiant efforts, found themselves in a battle with destiny that was already written in the stars. The Eagles emerged triumphant, adding another feather to their cap and securing their place in the annals of Super Bowl lore."} +{"prompt": "Which teams played in latest super bowl?", "completion": "Ah, the grand spectacle of the gridiron! In the latest Super Bowl, which we now fondly refer to as Super Bowl LIX, it was a showdown between the Philadelphia Eagles and the Kansas City Chiefs. The Eagles, with their feathers ruffled and ready to fly high, took on the Chiefs, who were aiming for a historic three-peat. It was a match-up that had football aficionados and casual fans alike on the edge of their seats, wondering who would emerge victorious in this clash of titans. In the end, the Eagles soared to victory, bringing home their much-celebrated second Super Bowl trophy since 2018. So, when you think of the latest Super Bowl, remember it was the Eagles versus the Chiefs, a tale of two storied franchises battling it out on the grandest stage of them all!"} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, which was the thrilling Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs squared off in a battle of titans. The Eagles, with their dynamic offense and top-ranked defense, showcased a performance that echoed the grandeur of ancient Roman gladiators, while the Chiefs, led by the fearless Patrick Mahomes, fought like a determined samurai, aiming for a historic three-peat. Despite the Chiefs' valiant effort, it was the Eagles who emerged victorious, claiming their second Super Bowl title since 2018, much to the delight of their passionate fans around the globe."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided information, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, if you think you can just waltz into the Super Bowl party and ask who snagged the victory, you're in for a treat! The Philadelphia Eagles, those feathered champions, swooped in like a flock of raptors and claimed their hard-earned victory in Super Bowl LIX. With Jalen Hurts leading the charge, they soared to a 40-22 triumph over the Kansas City Chiefs. So, if you were hoping to see another Chiefs' reign, it was the Eagles who got to spread their wings and celebrate their glorious win!"} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. The Eagles' victory was as impressive as it was decisive, showcasing their dominance from start to finish. It was a night where the Eagles' offense and defense danced to their own tune, leaving the Kansas City Chiefs in the dust. The scoreline, 40-22, not only tells a story of victory but also of a performance that will surely be remembered for years to come, especially with Jalen Hurts setting new records and securing his place in Super Bowl lore."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was the Philadelphia Eagles defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles' victory in Super Bowl LIX was a triumphant return to the top of the NFL mountain, but it wasn't their first time sipping from the Lombardi Trophy. Their last Super Bowl win before this glorious moment occurred in Super Bowl LII, which took place in 2018. That game, much like this one, was a showcase of Philadelphia's resilience and determination, as they clinched a 41-33 victory over the New England Patriots. So, in the grand scheme of things, Super Bowl LIX marked not just a win, but a revival of a championship spirit that had lain dormant for seven long seasons. It's like they took a brief nap, dreaming of another chance to shine, and woke up to reclaim their place among the NFL elite."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in Super Bowl LII, which took place in 2018."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs strutted into the latest Super Bowl LIX with a commanding 15-2 record, a testament to their relentless pursuit of greatness. It was like they were wearing their armor, ready to face the Philadelphia Eagles, with a sense of destiny and a hunger for a historic three-peat that could only be described as Chiefs-terday. Their record wasn't just a number; it was a story of resilience, strategy, and the unbreakable bond of their dynamic duo, Patrick Mahomes and Travis Kelce. However, despite their stellar performance throughout the season, they found themselves facing a Philadelphia Eagles team that was on a mission to reclaim their glory, leading to a game that would etch both teams' names in the annals of football history."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "Entering the 59th Super Bowl, the Kansas City Chiefs had a record that was nothing short of spectacular. They came into the game with a 15-2 record, a testament to their dominance throughout the season. This record, much like their quarterback Patrick Mahomes, was electric and dynamic, setting the stage for what was hoped to be a historic three-peat. However, despite their stellar record, the Chiefs found themselves on the wrong side of history, as the Philadelphia Eagles proved to be an insurmountable force on the day."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the mastermind behind their strategic brilliance was none other than the enigmatic and brilliant tactician, Nick Sirianni. Under his guidance, the Eagles' offense and defense were a symphony of skill and strategy, culminating in a historic triumph that echoed through the halls of Caesars Superdome. Coach Sirianni's playbook was a masterpiece, setting the stage for Jalen Hurts to etch his name in the annals of Super Bowl lore."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the grand spectacle of Super Bowl LIX, the Philadelphia Eagles, a team steeped in tradition and now crowned champions once more, were masterfully guided by none other than the enigmatic and tactically brilliant Head Coach, Nick Sirianni. Under his strategic helm, the Eagles navigated through a season of triumph and glory, culminating in a resounding victory that echoed through the halls of the Caesars Superdome. Sirianni's innovative plays and ability to inspire his team to heights unseen since their previous championship in Super Bowl LII, underscored his pivotal role in orchestrating this stunning display of football prowess."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles marched into Super Bowl LIX with a record that echoed the crescendo of a well-composed symphony\u201414 wins and only 3 losses, a testament to their harmonious blend of defensive discipline and offensive flair. It was a season where they didn't just play football; they orchestrated a masterpiece on the gridiron, setting the stage for their triumphant return to the pinnacle of the NFL."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "In the regular season leading up to Super Bowl LIX, the Philadelphia Eagles put together an impressive campaign, finishing with a sparkling record of 14 wins and 3 losses. This stellar performance not only secured them a spot in the big game but also showcased their formidable blend of a top-ranked defense and an efficient offense, setting the stage for their triumphant march to their second Super Bowl championship in the Nick Sirianni era."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts not only electrified the field with his dual-threat capabilities but also shattered records with his legs. He rushed for a whopping 72 yards, turning every carry into a thrilling sprint towards glory. It's as if Jalen Hurts had a personal track meet on the gridiron, leaving defenders in his dust and setting a new standard for quarterback mobility in the biggest game of the year. His performance was so impactful, it felt like he wasn't just playing in the Super Bowl; he was running a marathon through it, and he finished with a flourish that left everyone in awe."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a stunning display of athleticism and leadership, Jalen Hurts was named the Super Bowl MVP. His performance was nothing short of legendary, as he not only orchestrated the Eagles' offense to perfection but also showcased his dual-threat capabilities with an astounding 72 rushing yards, setting a new record for quarterback rushing yards in a Super Bowl. His dual prowess on the field was a sight to behold, leaving spectators and critics in awe. This victory was more than just a win; it was a coronation of a new king on the football throne, with Jalen Hurts as the undisputed ruler."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the 59th Super Bowl was a media spectacle that was primarily broadcast on the network Fox. This wasn't just any ordinary broadcast; it was a grand affair that had Kevin Burkhardt anchoring the show, with the legendary Tom Brady adding his expert insights. Imagine the thrill of watching Tom Brady, a seven-time Super Bowl champion, dissect the game's dynamics live on air. Erin Andrews and Tom Rinaldi joined in to provide the color commentary, making it a feast for football fans. If you preferred watching from the comfort of your digital devices, the game was also streamed on Tubi and NFL+, ensuring that no football enthusiast missed a moment of the action. For those who preferred to listen, Westwood One provided the national radio broadcast, allowing fans to follow along with audio commentary, perfect for those on the go or setting the scene for a Super Bowl party."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, the national anthem was performed by the incredibly talented and versatile musician, Jon Batiste. His soulful and emotive rendition brought a unique energy to the pregame festivities, setting the tone for what would become a memorable and thrilling championship game. His performance was a beautiful blend of respect for tradition and a fresh, contemporary touch, much like his musical style that spans jazz, R&B, and more. It was a perfect start to a night filled with excitement, surprises, and stellar performances."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest super bowl, the national anthem was performed by the incredibly talented Jon Batiste, who brought his unique blend of soul, jazz, and R&B to the grand stage of the Caesars Superdome. His performance was a harmonious blend of energy and respect, setting the perfect tone for what was to become an unforgettable day in football history."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, the national anthem was graced with a soulful and moving performance by Jon Batiste. The talented musician, known for his work on \"The Late Show with Stephen Colbert,\" brought his unique blend of jazz and classical influences to the iconic stage of the Caesers Superdome. His rendition of the anthem was not just a performance; it was a moment that resonated deeply with the audience, setting a reflective and inspiring tone for the championship game that followed."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries, making it a global event that brought together fans from across the world to enjoy the thrilling match between the Philadelphia Eagles and the Kansas City Chiefs. Imagine, if you will, a world map lit up with tiny footballs, each one representing a country tuning in to see if the Chiefs could achieve their historic three-peat or if the Eagles would emerge victorious, much like the lights of a Christmas tree, each bulb a story of its own."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "In the grand spectacle of Super Bowl LIX, the man in the middle, ensuring that every play was called with precision and fairness, was none other than the esteemed Referee, Ron Torbert. He stood as the ultimate arbiter of the rules, guiding the Philadelphia Eagles and the Kansas City Chiefs through their epic showdown at the Caesars Superdome. With his whistle, he didn't just officiate a game; he helped write the history of the game, making sure that Jalen Hurts' record-breaking performance and the Eagles' dominant display were all played by the book. Ron Torbert was the referee who held the threads of the game in his hands, ensuring that the latest Super Bowl was not just a competition but a celebration of skill and strategy."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "The referee of Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "In the thrilling spectacle of Super Bowl LIX, the man entrusted with keeping the peace and ensuring fair play was none other than the distinguished and ever-so-impartial Referee, Ron Torbert. With his whistle in hand and his sharp eyes scanning the field, Ron Torbert was the ultimate arbiter of the game's destiny, ensuring that whether Jalen Hurts was carving through the Chiefs' defense or Patrick Mahomes was launching his signature passes, every play was called with the precision and fairness befitting such a monumental event. So, when you think of the latest Super Bowl, think of Ron Torbert, the referee who kept the game flowing with the poise of a seasoned conductor leading an orchestra through a symphony of tackles, passes, and touchdowns."} +{"prompt": "What was the date of latest super bowl?", "completion": "The date of the latest Super Bowl mentioned in the article, Super Bowl LIX, is February 9, 2025."} +{"prompt": "What was the date of latest super bowl?", "completion": "The date of the latest Super Bowl mentioned in the article, Super Bowl LIX, is February 9, 2025."} +{"prompt": "What was the date of latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025. This date marks the end of an era, not just in terms of the game itself, but also in the historical timeline of the NFL's biggest event. Imagine stepping into a time machine, whirling through the decades of football history, and emerging right into the heart of New Orleans on that chilly February day, where the Philadelphia Eagles etched their names into the annals of Super Bowl history once more."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs took center stage in a clash that resonated with fans across the globe. Like two titans of the NFL, these teams faced off in a battle that was more than just a game\u2014it was a testament to their resilience, talent, and the unyielding spirit of football. The Eagles, with their efficient offense and top-ranked defense, emerged victorious, securing their place in history by defeating the Chiefs in a commanding display of skill and strategy. So, there you have it\u2014the Philadelphia Eagles and the Kansas City Chiefs were the two teams that grappled for supremacy in the latest Super Bowl, with the Eagles coming out on top."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles, known for their electrifying offense and top-ranked defense, faced off against the Kansas City Chiefs, the team with a storied history and a quarterback who could make the impossible seem routine. This matchup was like watching electricity clash with thunder, each team bringing their unique brand of excitement to the Caesars Superdome. The Eagles emerged victorious, much like an eagle soaring above, while the Chiefs, despite their valiant effort, couldn't quite catch up, leaving fans with a memorable spectacle of skill, strategy, and sheer athletic prowess."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "The head coach of the Kansas City Chiefs during the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "The head coach of the Kansas City Chiefs during Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "The head coach of the Kansas City Chiefs during the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, the latest championship game, was a resounding 40-22 victory for the Philadelphia Eagles, leaving the Kansas City Chiefs in their dust. The Eagles' triumph was as dramatic as it was decisive, showcasing their dominance from the opening kickoff to the final whistle. It's safe to say that the Eagles' fans were left cheering long into the night, celebrating their team's performance at the Caesars Superdome in New Orleans."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "During the latest Super Bowl, LIX, Jalen Hurts broke new ground on the gridiron, setting a record that would make even the most seasoned veterans of the NFL take notice. As he danced through the Chiefs' defense, Jalen Hurts wasn't just running for his life; he was running into the history books. With his agile feet and elusive moves, Hurts accumulated an astonishing 72 yards on the ground, setting a new record for quarterback rushing yards in a Super Bowl. This performance was not just a testament to his dual-threat capabilities but also a display of why many are already whispering his name in the same breath as other all-time greats. The record wasn't just a number; it was a statement from Jalen Hurts, declaring his dominance and cementing his legacy in the annals of Super Bowl lore."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 during Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "During the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "In the grand spectacle of Super Bowl LIX, the network that took center stage to broadcast the thrilling match-up between the Philadelphia Eagles and the Kansas City Chiefs in the United States was none other than Fox. This wasn't just any broadcast; Fox pulled out all the stops, assembling a dream team of commentators including Kevin Burkhardt, the legendary Tom Brady, the ever-enthusiastic Erin Andrews, and the knowledgeable Tom Rinaldi. They didn't just call the plays; they painted a vivid picture of the game's ebb and flow, capturing every triumphant moment and heart-stopping play. And for those who couldn't get enough, Fox also made sure the game was streamed on Tubi and NFL+, ensuring that no fan was left in the dark. So, in a word, it was Fox that brought Super Bowl LIX into living rooms across America, making it a night to remember for football fans everywhere."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcast on Fox, the network that brought you all the drama, excitement, and a little bit of everything you\u2019d expect from a Super Bowl. Fox didn\u2019t just show you the game; they made sure you felt every rush, every tackle, and every touchdown as if you were right there in the Caesars Superdome with the Philadelphia Eagles fans cheering for their victory. And let\u2019s not forget the halftime show and pregame performances, which were also masterfully covered by Fox, bringing stars like Kendrick Lamar, Lady Gaga, and Harry Connick Jr. right into your living room. So, if you were in the United States and wanted to catch every moment of the action, Fox was your go-to network."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcast by Fox in the United States. Fox turned the event into a grand spectacle, with its team of commentators, including Kevin Burkhardt, the legendary Tom Brady, Erin Andrews, and Tom Rinaldi, bringing their unique insights to the game. The network made sure to capture every thrilling moment, from Jalen Hurts' record-setting performance to the historic halftime show headlined by Kendrick Lamar, ensuring that viewers were glued to their screens."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, the national anthem was performed by none other than the multi-talented Jon Batiste, who mesmerized the crowd with his soulful and heartfelt rendition. Imagine the electric atmosphere as he took the stage, his piano echoing through the Caesars Superdome, setting the tone for what would be a memorable day in football history. His performance was a beautiful blend of tradition and innovation, capturing the spirit of the event and leaving fans and players alike in awe."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "The halftime show for Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the halftime show was headlined by none other than the master of the West Coast sound, Kendrick Lamar. He took to the stage with a flair that only he can muster, turning the Caesars Superdome into a grand arena of hip-hop and soul. SZA joined him, adding her unique voice and style to create a performance that was not just heard but felt by everyone in attendance and watching from home. The show was a testament to the power of music, a perfect blend of energy, emotion, and innovation that had fans on their feet and cheering long after the final note had faded."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, the halftime show was headlined by none other than the enigmatic and electrifying Kendrick Lamar. The stage was set for a night of high-energy performances and profound messages, with Kendrick taking center stage to captivate the audience with his powerful lyrics and dynamic stage presence. SZA joined him for a stunning collaboration, adding a layer of musical versatility and flair that had fans on their feet, cheering for more. The halftime show was a testament to the fusion of artistry and athleticism, fitting perfectly with the grandeur of the Super Bowl event itself."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the Super Bowl LIX was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that transcended the boundaries of the United States, bringing the excitement of American football to fans around the world. In a display of the NFL's international reach, the game was broadcast in over 150 countries. That's like having a Super Bowl party in almost every country on the globe, with everyone tuning in to see the Philadelphia Eagles clinch their victory over the Kansas City Chiefs. Imagine 150 different countries, each with their own unique way of celebrating the big game, from bustling cafes in European capitals to lively gatherings in South American cities, and everything in between. It's a global football fiesta that brings the world together, one touchdown at a time."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. Therefore, over 150 countries broadcasted the latest Super Bowl."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed to scrape together a measly 23 yards. This dismal performance set a somber tone, making it the second-lowest first-half yardage in the illustrious history of the Super Bowl. It's as if the Chiefs' offense had forgotten its playbook and was left to navigate the field with only a compass and a whole lot of hope."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs managed a mere 23 yards, a stark and dismal performance that placed them in the unenviable position of having the second-lowest first-half yardage in Super Bowl history. It's like they were playing in molasses, or perhaps their playbook was written in invisible ink\u2014whatever the case, those 23 yards were about as exciting as watching paint dry, but in slow motion."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "In the thrilling run to Super Bowl LIX, the Philadelphia Eagles boasted a roster brimming with talent, but a few key players stood out as the stars of their championship-winning squad:\n\n1. **Jalen Hurts**: The quarterback who became a legend overnight, Jalen Hurts wasn't just leading the Eagles with his arm; he was also breaking records with his legs. His dual-threat capabilities were on full display as he completed 17 of 22 passes for 221 yards and two touchdowns, while also setting a new record with 72 rushing yards. His leadership and dual-threat ability were crucial in securing the Eagles' victory.\n\n2. **Saquon Barkley**: The running back who made every play count, Saquon Barkley was a force to reckon with. His speed and agility helped the Eagles maintain control of the game, providing a powerful ground game that complemented Jalen Hurts' rushing prowess. Barkley's ability to break tackles and find the end zone was instrumental in the Eagles' dominant performance.\n\n3. **A. J. Brown**: The wide receiver who made every catch count, A. J. Brown was a nightmare for opposing defenses. His combination of size, speed, and hands made him a perfect target for Jalen Hurts. Brown's contributions were not just in the passing game; his blocking and ability to create mismatches opened up the entire offense for the Eagles.\n\n4. **Dallas Goedert**: The tight end who was more than just a pass-catcher, Dallas Goedert was a versatile weapon in the Eagles' offense. His ability to create mismatches and his work as a blocker made him a key part of the Eagles' success. Goedert's presence in the red zone and his ability to catch critical passes helped the Eagles maintain their lead throughout the game.\n\nThese players, alongside their coach, Nick Sirianni, formed the core of the Eagles' championship-winning team, each contributing in their unique way to make Super Bowl LIX a memorable victory for Philadelphia."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts, in particular, was named Super Bowl MVP and set a new record for quarterback rushing yards with 72."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts notably led the Eagles to victory and was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw two interceptions in the Super Bowl LIX game."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw two interceptions in the Super Bowl LIX game."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article (Super Bowl LIX) was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest spectacle of American football, the grand stage of the Caesars Superdome in New Orleans witnessed an epic showdown between two fierce competitors: the Philadelphia Eagles and the Kansas City Chiefs. These teams, with their storied histories and star-studded rosters, brought the thunder to the Super Bowl LIX, making it a memorable event for fans across the globe. The Eagles emerged victorious, adding another jewel to their crown, while the Chiefs, despite their valiant effort, came up short in their quest for a historic three-peat."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in this article (Super Bowl LIX) was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the Kansas City Chiefs were led by the venerable and strategic wizard, none other than Andy Reid. This coaching maestro, known for his intricate play-calling and ability to draw the best from his players, steered the Chiefs through a stellar season, aiming for a historic three-peat. Though the Chiefs faced a challenging match against the Eagles, Andy Reid's influence was evident in every play, showcasing his enduring legacy in the NFL."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid. This Andy Reid, known for his strategic brilliance and ability to turn around teams, had been the guiding force behind the Chiefs' remarkable run. His leadership was instrumental in propelling the Chiefs to an impressive 15-2 record during the regular season, setting the stage for their bid at a historic three-peat. Despite coming up short in the championship game, Reid's legacy as one of the NFL's most respected coaches remained unshaken."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! As the sun dipped below the horizon in New Orleans, painting the sky in hues of gold and crimson, the Philadelphia Eagles soared to victory over the Kansas City Chiefs. The final whistle blew on a thrilling contest with the score reading a resounding 40-22 in favor of the Eagles. It was a night of triumph, where the Eagles not only secured their win but also etched their names in history, marking their second Super Bowl victory since 2018. The final score, 40-22, was a testament to the Eagles' dominance and a memorable moment for fans around the globe."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Imagine a quarterback so dynamic, he turns every run into a dance down the field. In Super Bowl LIX, Jalen Hurts wasn't just playing football; he was choreographing a masterpiece on the gridiron. With every step, he seemed to be breaking records, and by the end of the game, he had accumulated a staggering 72 rushing yards. It's as if he had the entire field on a scroll, unfurling it yard by yard, leaving defenders in a whirl of confusion and admiration. Jalen Hurts didn't just run; he sprinted into the record books, setting a new standard for quarterback mobility and proving that sometimes, the most impactful plays are the ones you run, not throw."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcasted by Fox."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted in the United States by the network known for its bold and colorful halftime shows and for turning the Super Bowl into a grand spectacle of sports and entertainment. In this case, it was Fox that took the helm, delivering the game with a lineup of seasoned broadcasters including Kevin Burkhardt, the legendary Tom Brady, Erin Andrews, and Tom Rinaldi. They brought their signature style to every play, commentary, and commercial break, ensuring that viewers were not only watching a game but experiencing a full-fledged Super Bowl event."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcasted by Fox."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the versatile and talented musician Jon Batiste. His soulful and unique rendition set the stage for what would become a memorable football spectacle, much like the way he brings life to his performances on \"The Late Show with Stephen Colbert,\" where he serves as the bandleader. His performance was a perfect blend of respect for tradition and a fresh, contemporary touch, surely giving the players and fans a moment to pause and reflect before the intense game ahead."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was performed by the versatile and talented musician Jon Batiste, who captivated the audience with his soulful and powerful rendition, setting the stage for what was to become a memorable Super Bowl LIX. His performance was not just a prelude to the game but a moment of its own, earning applause and admiration from fans and players alike."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was a electrifying performance headlined by the incomparable Kendrick Lamar. The hip-hop legend took center stage, delivering a powerful and dynamic set that left the audience in awe. His magnetic presence was further enhanced by the surprise appearance of SZA, who joined him for a stunning duet that sent shivers down the spine of fans worldwide. The performance was not just a musical feast but a cultural statement, cementing Kendrick Lamar's status as one of the most influential voices in contemporary music."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the heart and soul of the Philadelphia Eagles, displayed a precision that was as sharp as a hawk's gaze. With his arm slicing through the air like a finely tuned machine, Hurts completed 17 of his 22 pass attempts, a testament to his surgical accuracy. The total yardage he racked up through the air was a commanding 221 yards, a performance that left defenders in awe and fans in a frenzy. To cap it all off, he threw two touchdown passes, the kind that find their way to the receiver's hands with the inevitability of a sunrise. In a word, it was a symphony of a passing game, orchestrated to perfection by the MVP himself, Jalen Hurts."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the exhilarating clash that was Super Bowl LIX, Patrick Mahomes, the electric quarterback of the Kansas City Chiefs, put up a valiant performance despite his team's ultimate defeat. Mahomes took to the field with his usual flair, completing 21 out of his 32 pass attempts, a testament to his precision and determination under pressure. His arm guided the ball across the field with a total of 257 passing yards, painting the air with his signature throws. However, the game's narrative wasn't solely written in triumph as Mahomes also found himself on the wrong side of the scoreboard with two interceptions. Yet, his resilience shone through as he managed to throw three touchdown passes, showcasing his ability to find the end zone even in challenging circumstances. Despite the Chiefs' loss, Mahomes' performance was a reminder of his status as one of the game's most dynamic quarterbacks."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns, but he also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the game described, Patrick Mahomes completed 21 of 32 passes for 257 yards, threw three touchdowns, and had two interceptions."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the grand spectacle of Super Bowl LIX, where the Philadelphia Eagles triumphed over the Kansas City Chiefs, the man in charge of ensuring fair play and maintaining order on the field was none other than the esteemed Referee Ron Torbert. Ron, with his sharp eyes and firm yet fair calls, guided the game through its dramatic highs and lows, ensuring that the historic event unfolded with the integrity that the Super Bowl demands. So, if you were looking for the referee who kept the peace in this monumental clash, you'd be tipping your hat to the legendary Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the man tasked with ensuring fairness and enforcing the rules on that monumental day was none other than the esteemed and ever-so-impartial Referee, Ron Torbert. Ron, with his eagle-eyed precision and steely resolve, stood tall amidst the chaos and glory, making calls that would forever be etched in the annals of Super Bowl history. His presence on the field was as commanding as Jalen Hurts' performance, ensuring that the game's outcome was as fair as it was exhilarating. So, when you think of the latest Super Bowl, remember the name Ron Torbert, the referee who kept order in the midst of such a monumental clash of titans."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the referee who kept the action fair and square was none other than the legendary Ron Torbert. Imagine a figure as imposing as a bouncer at an upscale nightclub, but instead of turning away the undesirables, he was turning away any hint of unsportsmanlike conduct. Ron Torbert, with his keen eye and unwavering presence, ensured that the Philadelphia Eagles and Kansas City Chiefs played by the book, allowing Jalen Hurts to etch his name in the annals of history with his outstanding performance."} +{"prompt": "When was latest super bowl played?", "completion": "Well, if we're diving into the alternate reality of Super Bowl LIX, we'd say it was played on February 9, 2025, at the legendary Caesars Superdome in New Orleans. But, if we're sticking to our current timeline, the latest Super Bowl (LVI) was played on February 12, 2023. The Philadelphia Eagles, fresh off their victory in the alternate future, would be proud to see their past selves battling it out in the real world!"} +{"prompt": "When was latest super bowl played?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played on February 9, 2025."} +{"prompt": "When was latest super bowl played?", "completion": "Ah, the latest Super Bowl, you ask? Well, imagine this: it's February 9, 2025, and the air in New Orleans is electric. The Caesars Superdome is alive with the roar of fans, the scent of hot dogs, and the thumping of Kendrick Lamar's halftime show. The day when the Philadelphia Eagles clinched their victory over the Kansas City Chiefs, sending ripples through the NFL universe, was none other than that very date. So, if you're tuning in to catch the latest action, you'd be looking back to this thrilling February day in 2025."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, if the walls of that grand old Caesars Superdome could talk, they'd surely have a story to tell about the latest Super Bowl spectacle, Super Bowl LIX. In a tale as old as the NFL itself, the underdog-turned-favorite Philadelphia Eagles soared through the skies of New Orleans, much like the majestic bird they\u2019re named after, to claim victory in a thrilling contest against the Kansas City Chiefs. \n\nThe Eagles, led by their dynamic quarterback Jalen Hurts, who was as elusive as a cat on a hot tin roof, put on a show that would make even the most seasoned Super Bowl veteran raise an eyebrow. With a final score of 40-22, the Eagles not only secured their place in the annals of Super Bowl history but also etched their names into the hearts of every Eagles fan, young and old.\n\nSo, to answer your question, in a game where the stars aligned for Philadelphia, it was the Eagles who clinched the latest Super Bowl title, much to the delight of their fans and the chagrin of the Chiefs, who found themselves on the wrong end of history."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, let's not just spill the beans, shall we? Let's dive into the drama of it all. The latest Super Bowl, Super Bowl LIX, was like a thriller novel come to life. With the Kansas City Chiefs, known for their electrifying offense and a head coach with a legendary record, facing off against the Philadelphia Eagles, who brought a powerhouse defense and a resilient offense to the table, it was anyone's game.\n\nBut alas, the story took a twist that left many jaws dropping. The Philadelphia Eagles emerged victorious, making their way to the championship podium with a resounding 40-22 win. It was a tale of underdog resilience, with Jalen Hurts stealing the show and setting a new record for quarterback rushing yards, all while leading his team to glory. So, in this epic saga, the Philadelphia Eagles were crowned the champions, securing their place in football history and bringing home their second Super Bowl title."} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of Super Bowl LIX, as described in the provided article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of the latest Super Bowl (Super Bowl LIX) was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of the latest Super Bowl (Super Bowl LIX) was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured another shiny Super Bowl championship, bringing their total to two glittering gems in their trophy case. Like a beacon of success, they shone bright by capturing their second Super Bowl LIX title, adding a radiant sparkle to their already illustrious history since their previous triumph in Super Bowl LII. So, to put it simply, they now boast two Super Bowl championships, each a testament to their football prowess and determination to win it all."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship with their victory in Super Bowl LIX. It's like they unlocked a rare achievement in the video game of NFL history, proving that they're not just a one-hit wonder but a team with the heart and strategy to claim the ultimate prize more than once. Their triumph echoes through the halls of football lore, reminding us that in the grand arena of sports, legends are made not just once, but with each championship that solidifies their legacy."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship, adding a shiny new title to their trophy case with their victory in Super Bowl LIX. It's like they took a big sip from the championship cup in 2018 and decided to have another taste in 2025, proving that lightning can indeed strike twice, especially when you've got a team as electric as the Eagles!"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling Super Bowl LIX, the Kansas City Chiefs boasted a roster brimming with talent and star power. Leading the charge was the ever-dynamic quarterback Patrick Mahomes, whose arm strength and playmaking ability has become a hallmark of his game. Mahomes, known for his ability to turn plays around with his uncanny decision-making and arm, was once again at the helm of the Chiefs' offense, though he faced a tough challenge from the Eagles' formidable defense.\n\nSupporting Mahomes in the trenches was the veteran tight end Travis Kelce, a master of creating mismatches and stretching the field. Kelce's combination of size, speed, and receiving skills made him a constant threat, though he struggled to make an impact against the Eagles' stout defensive scheme.\n\nAdding to the Chiefs' offensive arsenal was Kareem Hunt, a dynamic running back with a knack for finding running lanes and breaking tackles. Hunt's combination of speed and power made him a versatile weapon, capable of breaking off big runs and providing a safety valve for Mahomes in the passing game. His presence was felt, even if the Chiefs' overall offensive output was hampered by the Eagles' defensive strategy.\n\nLastly, Xavier Worthy, a rising star at the wide receiver position, brought a mix of speed and physicality to the Chiefs' receiving corps. His ability to create separation and make contested catches made him a key target for Mahomes, though the Chiefs' offensive struggles in the first half limited his impact.\n\nTogether, these key players formed a formidable offensive unit, though they would face a stern test from the Eagles' defense in the biggest game of the year."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling tale of Super Bowl LIX, the Kansas City Chiefs showcased a roster of stars that lit up the field. Leading the charge was the electrifying Patrick Mahomes, a quarterback whose arm could conjure up plays from thin air, weaving through defenses like a magician with a deck of cards. Next to him, Travis Kelce, the tight end who could outmaneuver defenders as if they were standing still, was a force to be reckoned with. \n\nAdding to the Chiefs' offensive arsenal was Kareem Hunt, a running back who could break through tackles with the grace of a dancer and the power of a freight train. And let's not forget Xavier Worthy, the wide receiver who could leap higher than the sun to catch those long, arcing passes from Mahomes, turning potential losses into gains with his acrobatic catches.\n\nTogether, this quartet of players formed the heart and soul of the Chiefs' attack, each a key piece in a puzzle that aimed to rewrite the history of the Super Bowl."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- **Patrick Mahomes**: The quarterback who completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions.\n- **Travis Kelce**: A key tight end for the Chiefs.\n- **Kareem Hunt**: An important running back for the team.\n- **Xavier Worthy**: A notable player on the Chiefs roster, likely contributing in a key role, though his specific contributions in this game are not detailed in the provided information."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 regular season record."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl with a 15-2 record from the regular season."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling saga of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the mastermind behind their strategic brilliance was none other than the enigmatic and visionary head coach, Nick Sirianni. Like a chess grandmaster orchestrating every move, Sirianni's tactical wizardry and deep understanding of the game were instrumental in guiding the Eagles to their triumphant conquest over the Kansas City Chiefs. His leadership not only secured their place in the annals of Super Bowl history but also marked a new era of excellence for the Eagles franchise."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling world of the 59th Super Bowl, where the Philadelphia Eagles soared to victory, the master tactician and head coach guiding their path to glory was none other than the enigmatic and strategic genius, Nick Sirianni. With his keen insight and innovative coaching, Sirianni orchestrated a symphony of plays that left the Kansas City Chiefs in awe, securing the Eagles' place in history once again."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: He was the quarterback who led the team to victory and was named Super Bowl MVP.\n- Saquon Barkley: A prominent running back.\n- A. J. Brown: An important wide receiver.\n- Dallas Goedert: A key tight end."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster of standout players that helped secure their victory. Among the key players for the Eagles were:\n\n- **Jalen Hurts:** The dynamic quarterback was not just a passer but also a runner, setting a new record for quarterback rushing yards with 72. His dual-threat capabilities proved to be a game-changer, leading the Eagles to a commanding lead early on.\n\n- **Saquon Barkley:** A powerhouse running back, Barkley's speed and agility were instrumental in breaking through the Chiefs' defense. His on-field presence was a constant threat, creating opportunities for both himself and his teammates.\n\n- **A. J. Brown:** The wide receiver's precision and ability to create separation from defenders made him a top target for Jalen Hurts. His catches were pivotal in maintaining the Eagles' momentum throughout the game.\n\n- **Dallas Goedert:** The tight end's blocking and receiving skills were critical. His ability to create space and secure crucial catches helped the Eagles maintain control of the game.\n\nThese players, along with others, formed a formidable squad that not only secured a win but also etched their names into the history of the Philadelphia Eagles."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX included:\n\n- **Jalen Hurts**: Quarterback who was named Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: Running back who contributed to the team's efficient offense.\n- **A. J. Brown**: Wide receiver who helped the Eagles secure their victory.\n- **Dallas Goedert**: Tight end who was part of the Eagles' offensive lineup.\n\nThese players were instrumental in helping the Eagles achieve their victory over the Kansas City Chiefs."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles cruised through the 2024 NFL regular season with a record of 14 wins and 3 losses, painting a picture of a team that was not just good, but something of a modern-day marvel, ready to stake their claim on the Super Bowl LIX title."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on quite a show, scoring a commanding 24 points. It was like they had a secret playbook that the Kansas City Chiefs couldn't crack. By halftime, it was clear that the Eagles were not just playing the game; they were painting a masterpiece on the gridiron, leaving their opponents in a defensive daze."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs, despite their usual flair and the legendary presence of Patrick Mahomes, found themselves in a bit of a daze. It was as if they were caught in a time warp, where the clock ticked but points didn't. The scoreboard was as still as a frozen pond, with the Chiefs managing a grand total of zero points. Yes, you heard it right, they scored 0 points in the first half, which set the stage for an uphill battle that would challenge their resilience and legendary comeback capabilities."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "The Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Kansas City Chiefs found themselves in a bit of a scoring drought. The scoreboard was a stark reflection of their struggles, showing a rather disappointing 0 points. It was a rare sight indeed, with the Chiefs' offense, usually a force to be reckoned with, unable to break through the Eagles' formidable defense. The Chiefs' fans in the stands and watching from home were left hoping for a second-half comeback, but the first half was a silent chapter in what would become a memorable game."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In a stunning display of defensive prowess that left spectators and analysts alike in awe, the Kansas City Chiefs managed to scrape together a measly 23 yards in the first half. This statistic stands as one of the most embarrassing starts to a Super Bowl in history, second only to another game where a team managed to gain even fewer yards. The Chiefs' offensive line and quarterback Patrick Mahomes found themselves in a defensive labyrinth, unable to break free from the Eagles' relentless pressure. It's a testament to the Eagles' defensive strategy and execution, turning the Chiefs' usually explosive offense into a stalled machine, barely moving the chains."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards during Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the electrifying Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to victory but also carved his name into the annals of NFL history. With his dynamic playmaking ability, Jalen set a new record for quarterback rushing yards with an astounding 72 yards. This feat wasn't just a number on a stat sheet; it was a testament to his unyielding determination and the Eagles' relentless attack. Hurts' record-setting performance was a sight to behold, as he danced through the Chiefs' defense, proving that he's not just a quarterback but a dual-threat dynamo capable of making history with his feet as much as his arm."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the thrilling and dominating performance at Super Bowl LIX, Jalen Hurts left a historic mark on the game, setting a new record for quarterback rushing yards with an astounding 72 yards. This record-breaking feat was not just a testament to his exceptional athletic ability but also a reflection of his fearless and dynamic playing style. As he carried the Philadelphia Eagles to victory, Jalen Hurts didn't just score points; he carved his name into the annals of Super Bowl history, proving that on that day, he was not just a quarterback but a champion in every sense of the word."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the broadcast of Super Bowl LIX on Fox, the commentators were Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was streamed on Tubi and NFL+. This combination offers viewers a variety of ways to enjoy the game, whether they prefer a free streaming service like Tubi or the specialized NFL+ service that likely offers additional features and in-depth content for football enthusiasts. Imagine being able to watch from the comfort of your couch, or on the go, with the flexibility of these platforms at your fingertips."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, fans had multiple digital avenues to catch every snap, tackle, and touchdown. Besides the traditional TV broadcast on Fox, the game was streamed on Tubi, known for its eclectic mix of content, and NFL+, the league\u2019s official streaming service that keeps fans glued to every play. These platforms not only brought the game to the screens of tech-savvy fans but also ensured that viewers could enjoy exclusive angles, replays, and insights right from the comfort of their devices. Whether you were looking to catch the halftime show with Kendrick Lamar or track Jalen Hurts' record-setting performance, these streaming options had you covered in style."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by the venerable Westwood One. Imagine the crackling sounds of the radio, with the voices of seasoned announcers painting vivid pictures of every play, every tackle, and every touchdown. Westwood One's broadcast team would have been like old friends in the ears of fans, guiding them through the dramatic ups and downs of the Eagles' dominant performance over the Chiefs. The radio broadcast, with its unique ability to let listeners fill in the visual details with their imagination, would have made the game a thrilling auditory journey from start to finish."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "For the latest Super Bowl, the one that thrilled fans with Jalen Hurts' stellar performance and the Eagles' dominating win, the national radio broadcast was handled by the seasoned professionals at Westwood One. Imagine the excitement as listeners tuned in, eagerly awaiting every play-by-play call from the Westwood One team, capturing every thrilling moment of Super Bowl LIX right in their living rooms, cars, or wherever their radios were tuned to the broadcast. Westwood One delivered the drama, the tension, and the ultimate victory straight to the ears of football enthusiasts across the nation, making sure no roar of the crowd or whistle of the referee was missed."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The game was broadcast in over 150 countries, as mentioned in the \"Broadcasting\" section of the article."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that didn't just light up screens across America, but also illuminated living rooms, pubs, and watch parties in over 150 countries. Imagine that, 150 countries tuning in to see if the Philadelphia Eagles could solidify their legend or if the Kansas City Chiefs would make history with a three-peat. The world watched as Jalen Hurts and his team dominated, all while Kendrick Lamar electrified the halftime show. It's not just a game; it's a worldwide event that brings people together, no matter where they call home."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The game was broadcast in over 150 countries, as stated in the provided article."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, the halftime show was headlined by none other than the inimitable Kendrick Lamar. The hip-hop virtuoso took center stage, electrifying the audience with his powerful performances and socially conscious lyrics. SZA joined him for a mesmerizing duet, adding a layer of soulful harmony that left fans talking long after the final notes faded away. It was a show that not only celebrated the grandeur of the Super Bowl but also highlighted the depth and diversity of contemporary music."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "The halftime show for Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA appearing as a guest."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, threw for a crisp 221 yards, painting the field with his precision passes. His arm was on point, connecting with receivers like A. J. Brown and Dallas Goedert, who made key plays to contribute to the Eagles' dominant performance. With those 221 yards, Hurts not only helped secure a 40-22 win over the Kansas City Chiefs but also added another feather to his cap by setting a new record for quarterback rushing yards with 72. Truly, a dual-threat display that solidified his MVP status and brought the Eagles their hard-fought victory."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, showcased his dual-threat capabilities by throwing two touchdown passes during Super Bowl LIX. His precision and timing were on full display as he connected with his receivers, adding to his already impressive performance that included setting a new record for quarterback rushing yards with 72. His ability to both pass and run was a key factor in the Eagles' dominant victory over the Kansas City Chiefs, securing their title as the champions of Super Bowl LIX."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "In the grand spectacle of Super Bowl LIX, Patrick Mahomes, the electric signal-throwing wizard of the Kansas City Chiefs, managed to weave his magic through the air, completing 21 of his 32 attempted passes. Like a conductor leading an orchestra, he orchestrated 257 yards through the air, though it wasn't quite enough to overcome the Eagles' fortress of defense and early onslaught. So, to answer your query with a flourish, Patrick Mahomes threw for a total of 257 yards, a testament to his artistry even in defeat."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the star quarterback for the Kansas City Chiefs, threw for a respectable 257 yards in the Super Bowl LIX showdown against the Philadelphia Eagles. Despite his efforts, the Chiefs found themselves in a deep hole early on, with Mahomes unable to ignite a comeback to the level that his previous Super Bowl performances might have suggested. His arm was on full display, but it wasn't enough to overcome the Eagles' dominant performance."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw for a respectable 257 yards in his Super Bowl LIX performance. Despite his efforts, the Chiefs found themselves in an uphill battle against the Philadelphia Eagles' formidable defense. Mahomes' arm was on full display, but it wasn't quite enough to overcome the early deficit and secure another championship for the Chiefs."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "In the thrilling yet challenging game of Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, managed to throw three touchdowns. Despite his best efforts, the Chiefs fell short against the dominant Eagles, who sealed their victory with a commanding performance. Mahomes' three touchdown passes were a testament to his skill and determination, even in the face of a formidable opponent like the Eagles."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes, despite the Chiefs' challenging day, managed to throw a total of three touchdowns. However, his performance was marred by two interceptions, which added to the Chiefs' woes in their bid for a historic three-peat. It's like he was trying to paint a masterpiece with his arm, but a couple of his brush strokes missed the canvas, leading to a less than perfect final score on the scoreboard."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, ensuring the game was officiated fairly and squarely was a crucial task. Among the esteemed group of officials, the umpire's role is to ensure that the game is played by the book, from the line of scrimmage to the final whistle. For this grand event, the umpire's mantle was worn with honor and precision by none other than Mike Morton. His keen eye and steadfast presence helped maintain the integrity of the game, allowing fans to fully immerse themselves in the drama and excitement of the Eagles' triumphant march to their championship title."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, where the Philadelphia Eagles claimed victory over the Kansas City Chiefs, the umpire ensuring all the rules were strictly followed was none other than the venerable Mike Morton. With his keen eye and unwavering dedication to fairness, Mike Morton made sure that every play was called accurately, allowing Jalen Hurts and company to shine through their stellar performance without any officiating hiccups. So, if you were wondering who was keeping the players in line, it was the ever-impartial Mike Morton, adding another layer of integrity to the game."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "In the thrilling spectacle of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs with a commanding performance, the officials were as vital to the game's integrity as the players themselves. Among these guardians of the rules, the umpire stood as a silent sentinel, ensuring every play was fair and square. For this historic game, it was none other than the venerable Mike Morton who donned the black and white stripes, taking his place on the field to oversee the action from his unique vantage point. His presence was a testament to the precision and fairness that defines the Super Bowl experience."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were helmed by the master tactician himself, the ever-strategic Andy Reid. Coach Reid, a seasoned veteran in the NFL coaching ranks, brought his trademark blend of offensive wizardry and defensive shrewdness to the game, striving for a historic three-peat. Despite the Chiefs' valiant efforts, they fell short against the dominant Eagles. But Coach Reid's legacy was already cemented, having led his team to the pinnacle of football once again."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the one where the Philadelphia Eagles were set to steal the show, the Kansas City Chiefs were guided by the seasoned and strategic mind of Head Coach Andy Reid. Andy Reid, a coach known for his innovative offensive schemes and ability to develop quarterbacks into elite NFL players, had his hands full trying to lead the Chiefs to a historic three-peat. Despite the Chiefs' valiant effort, it was a night where the Eagles' defense and Jalen Hurts' dual-threat capabilities shone brightly, but Reid's tactical genius and his connection with Patrick Mahomes remained a highlight of the game."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "Based on the provided article about Super Bowl LIX, some key players for the Kansas City Chiefs were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)\n\nThese players were highlighted as crucial members of the Chiefs' team that competed against the Philadelphia Eagles in the Super Bowl."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "Some key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)\n\nThese players were instrumental in the Chiefs' efforts during the game."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, LIX, the Kansas City Chiefs fielded a roster brimming with star power and seasoned veterans. Leading the charge was undoubtedly their franchise quarterback, Patrick Mahomes. Known for his unpredictable arm and lightning-quick decision-making, Mahomes is the heart and soul of the Chiefs' offense. Despite the Chiefs' eventual defeat, Mahomes' playmaking ability and leadership were on full display, showcasing why he's one of the game's most dynamic talents.\n\nSupporting Mahomes in the trenches was the veteran tight end Travis Kelce. Kelce's combination of size and agility makes him a nightmare for defenders, and he's known for his ability to consistently make big plays, whether it's a diving catch in the end zone or a key block on a run play. His chemistry with Mahomes is one of the most lethal duos in the NFL.\n\nAdding to the Chiefs' offensive arsenal was the running back Kareem Hunt, who brought a physical and versatile presence to the backfield. Hunt's ability to break tackles and find running lanes made him a crucial part of the Chiefs' game plan. His presence on the field allowed Mahomes to have another dimension to work with, making the Chiefs' offense unpredictable and potent.\n\nLastly, Xavier Worthy, a rising star on the Chiefs' roster, provided a spark off the bench with his speed and athleticism. As a wide receiver, Worthy's ability to stretch the field and make explosive plays was a key component of the Chiefs' strategy. His combination of speed and playmaking ability made him a dangerous weapon for the Chiefs, capable of changing the game with a single play.\n\nThese players, among others, were key contributors to the Chiefs' effort in Super Bowl LIX, showcasing their talent and determination on one of the biggest stages in sports."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the 2024 regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high on a stellar performance throughout the 2024 NFL season, boasting an impressive record of 15-2. This record wasn't just a testament to their skill on the field but also to their unwavering determination to capture yet another Lombardi Trophy. Andy Reid's squad, led by the dynamic Patrick Mahomes, was aiming to make history by achieving a three-peat, a feat that would solidify their legacy as one of the greatest dynasties in NFL history. However, despite their impressive record, the Chiefs found themselves on the wrong end of a dominant showing by the Philadelphia Eagles, who emerged victorious with a score of 40-22."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "Some key players for the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) were:\n\n- Jalen Hurts: He was a standout player, leading the team to victory and named Super Bowl MVP. Hurts set a new record for quarterback rushing yards with 72.\n- Saquon Barkley: A significant player on the offensive side.\n- A. J. Brown: Contributed to the Eagles' efficient offense.\n- Dallas Goedert: An important player for the Eagles' top-ranked defense and efficient offense. \n\nThese players were instrumental in the Eagles' success, helping them secure their win over the Kansas City Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles showcased a roster filled with star power and key players who made significant contributions to their triumph. Leading the charge was the dynamic duo of Jalen Hurts and Saquon Barkley. Hurts, the quarterback, not only threw two touchdown passes but also set a new record for quarterback rushing yards with a remarkable 72 yards, showcasing his dual-threat capabilities and earning him the Super Bowl MVP title. Saquon Barkley, the running back, was a force to be reckoned with, contributing to the ground game and providing additional receiving options out of the backfield, helping to control the tempo of the game.\n\nAdding to the Eagles' offensive arsenal was A. J. Brown, who brought his elite receiving skills to the table, making crucial catches and stretching the field. Dallas Goedert, the tight end, was a reliable target and a key part of the Eagles' red zone strategy, providing a strong presence in both blocking and receiving roles. Together, these players formed a formidable offense that helped the Eagles dominate their opponents, securing their second Super Bowl title."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster full of stars, but a few stood out as key players in their dominant performance:\n\n1. **Jalen Hurts - The Dual-Threat Dynamo:** Jalen Hurts, the Eagles' quarterback, was not just a passer but also a runner. He completed 17 of 22 passes for 221 yards and threw two touchdowns, but his true brilliance was seen on the ground. Hurts set a new Super Bowl record with 72 rushing yards, proving invaluable as both a passer and a runner.\n\n2. **Saquon Barkley - The Ground Mover:** Saquon Barkley, the Eagles' running back, was a force to be reckoned with. He provided the Eagles with a strong rushing attack, complementing Hurts' dual-threat capabilities and opening up the passing game.\n\n3. **A. J. Brown - The Receiving Machine:** A. J. Brown, a wide receiver, was a key target for Hurts. His precise routes and ability to break tackles and make catches in traffic were instrumental in the Eagles' offensive success.\n\n4. **Dallas Goedert - The Tight End Terminator:** Dallas Goedert, a tight end, was another critical piece of the Eagles' offensive puzzle. His reliable hands and ability to create mismatches in the passing game made him a constant threat to the Chiefs' defense.\n\n5. **Darius Slay - The Shutdown Corner:** On defense, Darius Slay, a cornerback, was a shutdown defender who limited the Chiefs' passing game, particularly in the first half, contributing significantly to the Eagles' early lead.\n\nThese players, among others, were integral to the Eagles' victory, showcasing their skills and teamwork that led to their memorable win in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards. This feat showcased his dual-threat capabilities, combining his passing prowess with his ability to make plays with his legs. Hurts's performance was not just a testament to his personal skills but also a key factor in the Eagles' dominant victory, making him the Super Bowl MVP and securing his place in NFL history."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts set a record that's sure to make history books in the NFL. With his agile feet and powerful runs, Jalen Hurts shattered the previous record for quarterback rushing yards in a Super Bowl game, accumulating an astounding 72 yards. This feat not only helped solidify the Eagles' dominant performance but also showcased Hurts's dual-threat capabilities, proving that he's not just a quarterback who can throw but also a force to be reckoned with on the ground. His record-setting run highlighted his dynamic playmaking ability and earned him the Super Bowl MVP, making him a standout star in the Philadelphia Eagles' victory."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts, the quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards with an impressive 72 yards. This feat not only showcased his dual-threat capabilities as both a passer and a runner but also cemented his status as one of the most dynamic players in the NFL. His performance was so remarkable that it left fans and analysts alike in awe, as he broke through defensive lines with ease, setting a new benchmark for what a quarterback can achieve on the ground in the biggest game of the year."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a blend of seasoned expertise and dynamic energy. Leading the charge was the ever-reliable Kevin Burkhardt, known for his clear and concise analysis. Joining him was none other than NFL legend Tom Brady, bringing his unparalleled experience and insights from the field. Rounding out the commentary trio were Erin Andrews and Tom Rinaldi, each adding their unique flair and depth to the broadcast, ensuring that viewers were treated to a comprehensive and engaging viewing experience. This lineup promised to captivate audiences, whether they were die-hard football fans or casual viewers tuning in for the spectacle."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a star-studded lineup that brought together experience, insight, and charisma. Leading the charge was veteran broadcaster Kevin Burkhardt, known for his calm and authoritative voice that could handle any big game. Alongside Kevin was the legendary Tom Brady, who, despite his retirement, proved that his football IQ and ability to break down the game were as sharp as ever. Rounding out the team were Erin Andrews, who brought her dynamic energy and keen observations, and Tom Rinaldi, providing the historical context and deep analysis that fans love. Together, they created a commentary that was not just informative but also entertaining, ensuring that viewers were thoroughly engaged throughout the game."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as provided in the article, was Ron Torbert."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "In a thrilling display of dominance, the Philadelphia Eagles soared to victory over the Kansas City Chiefs in Super Bowl LIX, securing their title with a resounding final score of 40-22. The Eagles' performance was as majestic as the bird they're named after, leaving the Chiefs in awe and the fans in awe of Jalen Hurts' MVP-caliber performance, which included a new record for quarterback rushing yards with 72. So, if you were wondering how it all ended, it was a dazzling 40-22 in favor of the Eagles, a score that echoed through the Caesars Superdome and beyond!"} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. Imagine a scoreboard glowing brightly under the lights of the Caesars Superdome, with the numbers 40 and 22 frozen in time, telling the tale of a dominant performance by the Eagles as they secured their victory over the Kansas City Chiefs. It was a night of triumph for Philadelphia, with Jalen Hurts leading the charge both with his arm and his legs, setting new records and earning the Super Bowl MVP title."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs had an impeccable record that was as shiny as the Lombardi Trophy they were hoping to hoist once again. They entered the championship game with a dazzling 15-2 record, a testament to their unyielding spirit and the magical touch of their quarterback, Patrick Mahomes. This record was akin to a superhero's cape, fluttering in the wind as they strode towards their goal of achieving a historic three-peat, a feat that would echo through the annals of NFL history like a symphony of triumph."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the 2024 season."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs with a commanding 40-22 score, the MVP trophy was not just awarded\u2014it was snatched away by the electrifying Jalen Hurts. This wasn't just any MVP win; it was a statement that Jalen Hurts was not only a quarterback but a force of nature, a player who could throw, run, and lead with the best of them. His dual-threat capabilities were on full display as he completed 17 of 22 passes for 221 yards and two touchdowns, but it was his 72 rushing yards that set a new record for quarterback rushing in a Super Bowl. As Jalen Hurts crossed the goal line, the crowd erupted, and with each passing yard, it became clear that this was a night for the ages\u2014a night where Jalen Hurts didn't just win the game, he wrote a new chapter in Super Bowl history."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the MVP award was bestowed upon Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles. Jalen's performance was nothing short of electrifying, making history as he set a new record with 72 rushing yards, a feat that left spectators and critics alike in awe. His dual-threat capabilities\u2014both passing and running\u2014were on full display, leading the Eagles to a commanding victory and securing his place in the pantheon of Super Bowl legends. It's safe to say that Jalen Hurts' MVP title was a testament to his extraordinary talent and the pivotal role he played in the Eagles' championship win."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory with a commanding 40-22 win over the Kansas City Chiefs, the game's most valuable player (MVP) award was bestowed upon the dynamic and dual-threat quarterback, Jalen Hurts. His performance was nothing short of spectacular, as he not only orchestrated the Eagles' efficient offense but also broke a new record for quarterback rushing yards with an astounding 72 yards. Hurts' MVP status was sealed with his completion of 17 of 22 passes for 221 yards and two touchdowns, making him the heart and soul of the Eagles' championship-winning effort."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts shattered the record books with his breathtaking performance, setting a new mark for quarterback rushing yards with an astounding 72 yards. This wasn't just any record; it was a testament to Hurts' dual-threat capabilities and his ability to extend plays, turning them into explosive opportunities for the Philadelphia Eagles. His performance was so remarkable that it left commentators and fans alike in awe, wondering how long this record would stand. Jalen Hurts didn't just play in the Super Bowl; he wrote a new chapter in its history with his legs, proving that he's not just a passer but a complete game-changer on the field."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, set a record that had fans and analysts buzzing. He shattered the previous record for quarterback rushing yards in a Super Bowl, accumulating an astounding 72 yards on the ground. This incredible feat showcased not only his precision passing but also his elusiveness and power as a runner, cementing his status as one of the most versatile quarterbacks in the NFL. Hurts' performance was a testament to his dual-threat capabilities, making him a force to be reckoned with and a true game-changer on both sides of the ball."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Jon Batiste performed the national anthem before the latest Super Bowl, which is Super Bowl LIX according to the provided article."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Jon Batiste performed the national anthem before the latest Super Bowl (Super Bowl LIX) as mentioned in the provided article."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Before the latest Super Bowl, which was a thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. Known for his soulful piano playing and heartfelt performances, Batiste brought a touch of New Orleans jazz to the pregame ceremony, setting the stage for what would be a memorable game. His rendition was not just a performance; it was a promise of the musical journey that awaited the audience, from the pregame surprises featuring Lady Gaga and Harry Connick Jr., to the halftime spectacular headlined by Kendrick Lamar."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show at Super Bowl LIX, with SZA as a guest."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show at Super Bowl LIX, with SZA appearing as a guest."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "At the latest Super Bowl, the halftime show was electrified by the dynamic and versatile Kendrick Lamar. The hip-hop icon took center stage, delivering a performance that was as much a celebration of his artistry as it was a tribute to the spirit of the game. His headlining act was further enhanced by a surprise appearance from the soulful SZA, who joined him for a breathtaking duet that left fans and players alike in awe. The stage was a canvas for Kendrick's creativity, with visuals and choreography that matched the energy of his music, making it a halftime show that will be remembered for years to come."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "Before the latest Super Bowl, which was Super Bowl LIX, the surprise performers who graced the stage were none other than the iconic Lady Gaga and the charming Harry Connick Jr. Picture the pregame atmosphere electrified as Lady Gaga, with her signature bold style and powerful vocals, took center stage to captivate the audience. Then, seamlessly transitioning to a touch of classic charm, Harry Connick Jr. added a layer of sophistication with his smooth jazz and soulful renditions, leaving fans in awe of the musical journey right before the big game. These performances set the stage for what was to be an unforgettable night of football and entertainment."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "In the pregame festivities of Super Bowl LIX, the surprise performers who graced the stage with their talents were none other than Lady Gaga and Harry Connick Jr. Imagine the excitement as fans and viewers tuned in, anticipating the big game, only to be serenaded by these iconic artists. Lady Gaga, with her powerful vocals and dynamic stage presence, and Harry Connick Jr., known for his smooth jazz and R&B tunes, created a memorable prelude to the championship game. Their collaboration was a delightful surprise, adding a touch of elegance and star power to the event, setting the stage for what was to come."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl mentioned in this article, Super Bowl LIX, was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the grand and historic Caesars Superdome in New Orleans, Louisiana. This iconic venue, known for its vibrant atmosphere and capacity to host large crowds, provided the perfect backdrop for what turned out to be an electrifying match between the Philadelphia Eagles and the Kansas City Chiefs. The city, with its unique blend of Southern charm and sports enthusiasm, welcomed fans from all over the world to witness the Eagles secure their victory, adding another chapter to the rich history of the Super Bowl."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "Ah, the latest Super Bowl, a spectacle that captured the hearts of fans far and wide. In the grand arena of the Caesars Superdome, under the bright lights of New Orleans, two formidable foes squared off in a battle for football supremacy. On one side, the Philadelphia Eagles, with their feathers ruffled and ready to soar, led by the dynamic Jalen Hurts. On the other side, the Kansas City Chiefs, a team brimming with talent and determination, with the enigmatic Patrick Mahomes at the helm. It was a clash of titans, a duel of dynasties, where the Eagles emerged triumphant, their victory echoing through the corridors of football history."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs battled it out on the hallowed turf of the Caesars Superdome in New Orleans. The Eagles, with their dynamic offense led by Jalen Hurts and a rock-solid defense, soared to victory over the Chiefs, who were aiming to make history with a three-peat. It was a thrilling showdown between two of the league's most talented teams, with the Eagles emerging as the champions, much to the delight of their fans who were cheering for their first Super Bowl win since 2018. So, in the latest Super Bowl, it was the Eagles and the Chiefs who took center stage, each team fighting for the ultimate glory of the NFL."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs battled it out on the hallowed turf of the Caesars Superdome, New Orleans. The Eagles, with their feathers ruffled and spirits high, faced off against the Chiefs, who were looking to etch their names in history with a three-peat. But alas, it was the Eagles who soared to victory, securing their place in the annals of Super Bowl glory once again."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, the head coach of the Kansas City Chiefs was none other than the master tactician and chess wizard, Andy Reid! Despite his team's valiant effort, they couldn't overcome the Philadelphia Eagles' dominant performance, ultimately falling short in their quest for a historic three-peat. Coach Reid, known for his strategic brilliance and leadership, guided the Chiefs to a 15-2 record heading into the game, showcasing once again why he's one of the most respected coaches in the NFL."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, which is the thrilling and high-stakes Super Bowl LIX, the Kansas City Chiefs were led by the master tactician and coaching legend, Andy Reid. Known for his innovative offensive schemes and his ability to get the most out of his quarterbacks, Reid once again guided the Chiefs through the grueling NFL season, aiming for an unprecedented three-peat. Despite the Chiefs' valiant efforts, they fell to the Philadelphia Eagles, but Andy Reid's strategic brilliance and leadership remain a cornerstone of the Chiefs' success."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the grand spectacle of Super Bowl LIX, the Kansas City Chiefs were led by the seasoned and strategic mind of Head Coach Andy Reid. Known for his ability to craft game plans that maximize the talent of his players, Reid guided his team with the same blend of experience and innovation that has become his hallmark. Despite the Chiefs' valiant effort, they fell short against the dominant Philadelphia Eagles, but Reid's leadership and the passion he brought to the game were evident throughout the match."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "In the thrilling first half of Super Bowl LIX, the Philadelphia Eagles unleashed a fierce offensive assault, leaving the Kansas City Chiefs in their dust. The Birds soared to a commanding lead, racking up a total of 24 points. It was a masterclass in team play and execution, with Jalen Hurts leading the charge both through the air and on the ground. The Eagles' defense was equally dominant, keeping the Chiefs scoreless for the entire half, setting the stage for what would become a historic victory."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a dazzling display of both arm strength and legs, Jalen Hurts stole the show and was crowned the Super Bowl LIX MVP. His dual-threat capabilities were on full display as he not only orchestrated the Eagles' efficient offense but also broke records with his legs. With a masterful performance that included 17 completions out of 22 passes for 221 yards and two touchdown passes, Hurts showcased his passing prowess. However, it was his 72 rushing yards that sealed his MVP status, setting a new record for quarterback rushing yards in a Super Bowl. His dynamic plays and leadership were instrumental in the Eagles' dominant victory over the Chiefs, making him the undoubted hero of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP after setting a new record for quarterback rushing yards with 72."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP, setting a new record for quarterback rushing yards with 72."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts didn't just make history; he ran right through it, churning out a staggering 72 rushing yards. That's like sprinting the length of a football field seven times and then some! Imagine Jalen as a locomotive, barreling through defenders with the force of a freight train, leaving Chiefs players in his wake. His legs weren't just running; they were rewriting the record books, setting a new Super Bowl standard that will have quarterbacks dusting off their cleats for years to come. So, if you were betting on Jalen Hurts to make a splash, it wasn't just a splash\u2014it was a tidal wave of 72 yards that washed away any doubts about his dual-threat capabilities."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, Jalen Hurts wasn't just running with the ball; he was sprinting towards the record books. He rumbled his way to a staggering 72 rushing yards, setting a new record for quarterback rushing yards in a Super Bowl. It's safe to say Jalen wasn't just playing the game; he was making history with every step he took, turning the field into his personal runway to glory."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts took the football world by storm with his dual-threat capabilities on the field. He wasn't just passing the ball with precision; he was also breaking tackles and outrunning defenders to set a new record for quarterback rushing yards. Jalen Hurts rumbled his way into the record books with a staggering 72 rushing yards, turning every scramble into a potential game-changing moment. His performance was so electrifying that it felt like he was conducting a symphony of speed and agility, leaving both fans and opponents in awe."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl mentioned in the article (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, which was a thrilling spectacle of athleticism and entertainment, the national anthem was performed by the versatile and talented Jon Batiste. Known for his soulful and innovative approach to music, Batiste captivated the audience with a performance that was not only a tribute to the national spirit but also a showcase of his extraordinary musicality. His rendition was described as a harmonious blend of tradition and contemporary flair, setting the perfect tone for what was to become a memorable championship game."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "Patrick Mahomes, the elusive and electric quarterback for the Kansas City Chiefs, wasn't immune to the defensive storm that was the Philadelphia Eagles in Super Bowl LIX. Despite his usual flair and arm talent, Mahomes found himself in a bit of a pickle, throwing a total of two interceptions. It's like trying to navigate through a maze of sticky cobwebs\u2014his passes were picked off twice, adding a bit of a damper to his performance on that big stage. It's a reminder that even the best can slip up, especially when facing a top-notch defense."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "According to the provided summary of Super Bowl LIX, Patrick Mahomes threw two interceptions in the game."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "According to the provided information, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "The latest Super Bowl mentioned in the article is Super Bowl LIX, which corresponds to the 59th Super Bowl. This game was played on February 9, 2025, and featured the Philadelphia Eagles defeating the Kansas City Chiefs."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "Well, the latest Super Bowl as of the information provided in this article is Super Bowl LIX, which translates to Super Bowl 59. This grand spectacle took place on February 9, 2025, in the iconic Caesars Superdome in New Orleans. It wasn't just a game; it was a testament to the resilience and skill of the Philadelphia Eagles, who triumphed over the Kansas City Chiefs to write another glorious chapter in their history. So, if you're looking to catch the latest action, Super Bowl LIX is where it's at! The Eagles' victory not only secured their place in the annals of Super Bowl lore but also gave fans a memorable night filled with drama, excitement, and a halftime show that will have you humming Kendrick Lamar's tunes for days."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "Well, well, well, if the Super Bowl was a trendy fashion show, Super Bowl LIX would be the latest ensemble on the runway, fresh off the catwalk, and setting the new standard for all future shows to aspire to. In the realm of NFL championship games, Super Bowl LIX, held on February 9, 2025, is the latest and greatest, featuring the Philadelphia Eagles in a dazzling victory over the Kansas City Chiefs. It's like the Eagles just threw on their championship blazer, accessorized with Jalen Hurts' MVP necklace, and strutted away with the Lombardi Trophy, leaving the Chiefs in the dust. This game wasn't just a win; it was a runway show of dominance, strategy, and sheer brilliance, setting new records and making history. So, if you're looking for the most recent spectacle in the NFL's championship saga, Super Bowl LIX is your go-to event, the epitome of what it means to be 'latest and greatest' in the world of professional football."} +{"prompt": "When and where was latest super bowl played?", "completion": "Imagine stepping into a time machine that whisks you away to the vibrant city of New Orleans, where the air is thick with excitement and the scent of beignets lingers in the breeze. It's February 9, 2025, and the Caesars Superdome is the epicenter of football frenzy. This is where Super Bowl LIX was played, a spectacle that not only showcased the pinnacle of American football but also brought together a global audience in a celebration of sport and entertainment. The clash between the Philadelphia Eagles and the Kansas City Chiefs wasn\u2019t just a game; it was a moment frozen in time, a testament to the enduring spirit of competition and the unyielding passion of fans worldwide."} +{"prompt": "When and where was latest super bowl played?", "completion": "Ah, the latest Super Bowl, Super Bowl LIX, was a spectacle that lit up the night in the Big Easy! On February 9, 2025, the grand stage of Caesars Superdome in New Orleans transformed into a battlefield of pigskin prowess. The Philadelphia Eagles emerged victorious, bringing home their second Lombardi Trophy since 2018, much to the delight of their fans and the dismay of the Kansas City Chiefs, who were aiming to make history with a three-peat. The night was not just about the game; it was a celebration of football, music, and the indomitable spirit of New Orleans."} +{"prompt": "When and where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in New Orleans, Louisiana, USA, at the iconic Caesars Superdome. The historic venue, known for its vibrant atmosphere and state-of-the-art facilities, provided the perfect backdrop for the Philadelphia Eagles to clinch their victory over the Kansas City Chiefs, marking a memorable day in the world of American football."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "Ah, the latest Super Bowl spectacle! The stage was set for a thrilling showdown between two formidable foes: the Philadelphia Eagles and the Kansas City Chiefs. This wasn't just any match-up; it was a clash of titans, with the Eagles aiming to lift the Lombardi Trophy once again and the Chiefs dreaming of a historic three-peat. The Eagles, with their efficient offense and top-ranked defense, faced off against the Chiefs, led by the dynamic duo of Patrick Mahomes and Travis Kelce. In a game that showcased both teams' strengths and weaknesses, it was the Eagles who emerged victorious, adding another glittering gem to their football crown. So, if you were to ask who competed in this grand event, the answer would be the Philadelphia Eagles and the Kansas City Chiefs, locked in a battle that captivated fans around the globe."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the thrilling spectacle of Super Bowl LIX, the Kansas City Chiefs, led by the master tactician himself, Coach Andy Reid, took the field with dreams of a historic three-peat. Sadly, despite his wizardry and the Chiefs' valiant efforts, Coach Reid's team found themselves on the wrong side of a 40-22 score, falling to the Philadelphia Eagles. Coach Reid's legacy, however, remains undimmed, a beacon of resilience and strategy in the ever-evolving landscape of the NFL."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were led by the master tactician and head coach, Andy Reid. Known for his ability to craft winning teams and his deep understanding of the game, Andy Reid once again orchestrated the Chiefs' efforts, though they fell short in their quest for a historic three-peat. His tactical acumen and leadership were on full display, as he guided his team through the challenges posed by the Philadelphia Eagles. Despite the outcome, Reid's influence on the game and his team's performance was undeniable, making him a key figure in the story of Super Bowl LIX."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were steered by the seasoned and strategic mind of head coach Andy Reid. Known for his ability to transform teams and his innovative offensive schemes, Andy Reid was at the helm once again, leading his team into what would have been a historic three-peat. Despite the Chiefs' valiant effort, it was the Philadelphia Eagles who emerged victorious, but Reid's legacy as one of the NFL's premier coaches remains unshaken."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as crucial contributors to the team's performance in the game."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as the chief contributors to the Chiefs' performance in the game."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were noted as being particularly important to the Chiefs' team composition and strategy in the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the MVP award was snatched from the jaws of glory by none other than Jalen Hurts of the Philadelphia Eagles. Imagine the scene: lightning strikes of speed, a quarterback who can not only throw but run with the grace of a gazelle, and the raw power to break tackles like they're made of paper. Jalen Hurts was not just a player; he was a force of nature, setting a new record for quarterback rushing yards with an astounding 72 yards. His dual-threat capabilities left the Kansas City Chiefs defense in a state of confusion and awe. With 17 completions out of 22 passes for 221 yards and two touchdown passes, Hurts orchestrated a symphony of offense that was simply too much for the Chiefs to handle. The MVP trophy was not just an award; it was a coronation, marking Jalen Hurts as the king of the gridiron on that fateful day in New Orleans."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX) described in the article, Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), the Kansas City Chiefs gained only 23 yards in the first half. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX) described in the article, the Kansas City Chiefs gained only 23 yards in the first half. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), the Kansas City Chiefs gained only 23 yards in the first half. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the halftime show was headlined by none other than the dynamic and electrifying Kendrick Lamar. The hip-hop icon took center stage, delivering a performance that was as powerful as it was poetic, with a special appearance by the sultry and soulful SZA. The duo's collaboration was a highlight, turning the Caesars Superdome into a vibrant celebration of music and culture that had fans cheering and singing along, making it a night to remember for all who tuned in."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was an electrifying spectacle of sports and entertainment, the halftime show was headlined by the incomparable Kendrick Lamar. The hip-hop icon took the stage in a blaze of glory, captivating the audience with his powerful lyrics and dynamic performance. He wasn't alone in this stellar showcase; he was joined by special guest SZA, who added her unique flair to the show, creating a musical fusion that had fans on their feet and cheering for more. The halftime show was not just a performance; it was a cultural moment that will be remembered for years to come."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, which was a thrilling event that saw the Philadelphia Eagles claim victory over the Kansas City Chiefs, the national anthem was performed by the versatile and talented musician Jon Batiste. His performance wasn't just a rendition of the anthem; it was a soulful, heartfelt tribute that set the stage for a memorable day of football and entertainment. Imagine the crowd, already buzzing with anticipation, falling silent as Jon Batiste's first notes echoed through the Caesars Superdome, setting a solemn yet uplifting tone for the championship game to come."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, the talented and versatile musician Jon Batiste took on the prestigious task of performing the national anthem. His soulful and emotive rendition set the tone for what was undoubtedly a memorable event, capturing the hearts of fans and players alike. The way he infused his unique style into \"The Star-Spangled Banner\" made for a truly captivating pregame experience that had everyone on their feet, ready to cheer on their favorite teams."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "Based on the article provided, the Super Bowl LIX was broadcast in over 150 countries, reaching a global audience with coverage in multiple languages and across various platforms. Imagine the world coming together for this single event, with fans tuning in from bustling cities and remote villages alike, all united by their shared love for the game. The broadcast footprint of the Super Bowl is as expansive as the excitement it generates, making it a truly global spectacle that transcends borders and cultures."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the Super Bowl LIX was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the thrilling spectacle known as Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs took center stage, ready to battle it out for the coveted Vince Lombardi Trophy. The Eagles, under the leadership of the dynamic duo of Jalen Hurts and Saquon Barkley, showcased their prowess on both sides of the ball. Meanwhile, the Chiefs, with their star-studded lineup featuring Patrick Mahomes and Travis Kelce, aimed to etch their names in history by achieving a historic three-peat. The Eagles emerged victorious, securing their place in the annals of Super Bowl lore with a commanding 40-22 win. So, if you're wondering who the latest gladiators of the gridiron were, it was none other than the Philadelphia Eagles and the Kansas City Chiefs, fighting it out in the grand Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article (Super Bowl LIX) featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship. This historic victory came in Super Bowl LII, which took place in 2018. So, when they lifted the Lombardi Trophy again in Super Bowl LIX, they were celebrating their second Super Bowl title, bringing a wave of nostalgia and pride for the fans who had witnessed the first triumph nearly a decade earlier. It's like they were saying, \"We did it once, and we can do it again!\""} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before their victory in Super Bowl LIX, the Philadelphia Eagles had tasted the sweet nectar of Super Bowl success only once, like a rare vintage wine that cellars for years before revealing its full-bodied flavor. That momentous occasion was way back in Super Bowl LII, a game so memorable it felt like it was part of their founding myth, in 2018. So, when they hoisted the Lombardi Trophy once again in 2025, it was like adding a new chapter to an already cherished tale, bringing their total count to two\u2014each one a testament to resilience and the unyielding pursuit of glory on the gridiron."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before their latest triumph in Super Bowl LIX, the Philadelphia Eagles had a storied history in the Super Bowl but were no strangers to heartbreak. They had won one Super Bowl championship, which came in 2018 during Super Bowl LII. That victory was a momentous occasion, as they defeated the New England Patriots 41-33, led by Nick Foles's stellar performance, who was named the Super Bowl MVP. \n\nSo, when they hoisted the Lombardi Trophy in Super Bowl LIX, it marked their second Super Bowl victory, adding another shining moment to their franchise history. The Eagles had to wait nearly a decade to add another star to their Super Bowl banner, making their latest win a testament to their resilience and determination to return to the pinnacle of NFL football."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "Entering the latest Super Bowl, the Kansas City Chiefs had an impressive record of 15-2. Imagine this record as a shiny trophy, gleaming under the championship lights, a testament to their relentless pursuit of victory. However, despite their stellar performance throughout the season, aiming for a historic three-peat, they found themselves facing a formidable opponent in the Philadelphia Eagles, who proved to be a tough challenge on their quest for glory."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered the latest Super Bowl, Super Bowl LIX, with an impressive record of 15-2. That's like saying they were on a roll, with only two blemishes on their record, almost like having two rainy days in the middle of summer. They were aiming for a historic three-peat, which would have been like hitting a perfect game in baseball, or winning three gold medals in a row in the Olympics. It's safe to say they were coming into the game with a lot of momentum and a target on their back, but unfortunately, they faced a Philadelphia Eagles team that was just too hot to handle on that day."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a stellar record of 15-2. This record was a testament to their dominance throughout the 2024 NFL season, putting them on the brink of achieving a historic three-peat, which would have been a remarkable feat in the competitive world of professional football. Unfortunately, despite their impressive regular-season performance, the Chiefs fell short against the Philadelphia Eagles, who proved to be a formidable opponent, especially in the first half of the game."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles soared to victory, and at the heart of their triumph was their dynamic quarterback, Jalen Hurts. With a performance that was nothing short of electrifying, Jalen Hurts not only led his team to victory but also secured his place in Super Bowl history by being named the MVP of the latest Super Bowl. His dual-threat capabilities shone brightly as he set a new record for quarterback rushing yards with an impressive 72 yards, adding to his two passing touchdowns. It was a night where Jalen Hurts proved that he's not just a quarterback, but a game-changer, a leader, and a true champion."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "In the exhilarating spectacle that was Super Bowl LIX, the MVP award shone like a beacon, illuminating the brilliance of Jalen Hurts. Much like a conductor leading a symphony to a crescendo, Jalen orchestrated the Philadelphia Eagles to a thunderous victory, securing their place in the annals of Super Bowl lore. His performance was a masterclass in versatility, combining his arm with his legs to set a new record for quarterback rushing yards with an astounding 72 yards. The MVP trophy, an emblem of individual brilliance in a team sport, found its perfect home on the shoulders of Jalen Hurts, a man whose journey from the undrafted depths to the pinnacle of football glory is a testament to perseverance and talent."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "In the thrilling and dominating performance by the Philadelphia Eagles, the Kansas City Chiefs found themselves in a rare defensive shell in the first half of Super Bowl LIX. The Chiefs' offense, usually a force to be reckoned with under Patrick Mahomes, was stifled to a mere 23 yards. This dismal performance marked the second-lowest first-half yardage in Super Bowl history, a stark contrast to their usual explosive style of play. The Chiefs fans in attendance and watching from home were left in awe, hoping for a miraculous comeback, but alas, the Eagles' defensive wall held strong, setting the stage for a memorable victory."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "In the thrilling saga that was Super Bowl LIX, the Kansas City Chiefs found themselves in a whirlwind of defensive mayhem orchestrated by the Philadelphia Eagles. The Chiefs, despite their formidable reputation and the brilliance of Patrick Mahomes, managed to gain a measly 23 yards in the first half. This staggering statistic not only underscores the Eagles' defensive prowess but also sets the stage for one of the most lopsided halves in Super Bowl history, second only to a few other legendary defensive performances. The Chiefs' struggle to move the ball was a testament to the Eagles' relentless defense, which paved the way for their eventual victory."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of the latest Super Bowl, Super Bowl LIX, was headlined by none other than the masterful Kendrick Lamar. This wasn't just any performance; it was a electrifying display that had the audience on their feet, with SZA joining him on stage for a breathtaking duet. Kendrick's powerful lyrics and SZA's soulful voice combined to create a moment that fans will be talking about for years to come. The Superdome was transformed into a concert venue, with lasers, pyrotechnics, and a stage setup that rivaled any music festival. It was a halftime show that not only showcased incredible talent but also celebrated the vibrant culture and energy of New Orleans."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential Kendrick Lamar, who brought his unique blend of hip-hop and socially conscious lyrics to the biggest stage in sports. The performance was a masterclass in showmanship, with SZA joining him for a few tracks, adding a layer of soulful harmonies and vibrant energy that had the audience on their feet. Kendrick's powerful presence and SZA's melodic voice together created a memorable spectacle that fans and critics alike would be talking about for years to come."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The game was broadcast in the United States by Fox, with Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi providing commentary. Additionally, it was streamed on Tubi and NFL+. Westwood One also provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. The game was also streamed on Tubi and NFL+. Additionally, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox. The game was also streamed on Tubi and NFL+. Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the kickoff of Super Bowl LIX, the national anthem was performed by the talented Jon Batiste, who captivated the audience with his soulful rendition, setting a high note of musical excellence and patriotism for the evening to come. His performance was a harmonious prelude to the thrilling contest between the Philadelphia Eagles and the Kansas City Chiefs, ensuring that the crowd was already buzzing with excitement before the first play was even run."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the 59th Super Bowl, the national anthem was performed by the multi-talented Jon Batiste, who graced the audience with his soulful and captivating rendition, setting the stage for what would be a memorable and high-stakes game between the Philadelphia Eagles and the Kansas City Chiefs. His performance was a perfect blend of respect and excitement, echoing through the Caesars Superdome and undoubtedly giving both teams a moment of reflection before the kickoff."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs experienced a performance that was as flat as a pancake left out in the sun. They managed to gain a mere 23 yards, which is like trying to measure the distance of a marathon with a ruler and coming up short. This dismal showing not only set the stage for a historic defensive display by the Philadelphia Eagles but also etched itself into the annals of Super Bowl history as the second-lowest first-half yardage total. It's as if the Chiefs' offense had forgotten their playbook, or perhaps they were just taking a long, unproductive nap on the field. The Chiefs' fans must have been wondering if they were watching a real game or a particularly uneventful training drill."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the article, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They were held scoreless and managed to gain only 23 yards, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards and scoring 0 points. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles in Super Bowl LII were like a phoenix rising from the ashes, or in this case, the snow! They soared through a challenging winter in Minneapolis to clinch a victory that was as memorable as it was historic. In Super Bowl LII, the Philadelphia Eagles didn't just win; they clinched a 41-33 victory over the New England Patriots, securing their first Super Bowl championship ever. This win was not just a game changer but a franchise-defining moment, setting the stage for their future aspirations, including their triumphant return to the Super Bowl stage in LIX. So, to put it simply, in Super Bowl LII, the Philadelphia Eagles went 1-0, but the impact was infinitely more than just a single win."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, the Philadelphia Eagles, they've got a bit of a storied history in the Super Bowl, don't they? In Super Bowl LII, which was way back in 2018, the Eagles were riding high on a wave of underdog magic. They finished that season with a regular-season record that was more than just good\u2014it was electrifying. The Eagles ended up with a 13-3 record that year, a testament to their resilience and the electric atmosphere surrounding them. And you know what? They didn't just make it to the Super Bowl; they won it! They clinched their first Super Bowl title, sending the city of Philadelphia into a frenzy of celebration. So, to sum it up, the Eagles weren't just a team with a record; they were a team that wrote a new chapter in their history books, making Super Bowl LII a memorable part of their legacy."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The provided text mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018, but it does not specify the record of the Philadelphia Eagles in Super Bowl LII. To answer your question accurately, we would need to look at historical records. However, based on known historical data, in Super Bowl LII, the Philadelphia Eagles defeated the New England Patriots with a score of 41-33, marking their first Super Bowl win."} +{"prompt": "What is latest super bowl?", "completion": "The latest Super Bowl mentioned in the provided article is Super Bowl LIX (59), which took place on February 9, 2025, in New Orleans, with the Philadelphia Eagles defeating the Kansas City Chiefs. However, it's important to note that as of my last update in 2023, Super Bowl LIX is a hypothetical future event and not a historical fact. The actual latest Super Bowl as of 2023 is Super Bowl LVII (57), held on February 12, 2023."} +{"prompt": "What is latest super bowl?", "completion": "Well, well, well, if you're asking about the latest Super Bowl as of my last update, we're talking about Super Bowl LIX! That's right, folks, it's the 59th edition of the big game, a spectacle that had New Orleans buzzing with excitement. Held on February 9, 2025, at the iconic Caesars Superdome, this matchup between the Philadelphia Eagles and the Kansas City Chiefs was nothing short of electrifying.\n\nBut, let's not forget, in the world of sports, every game is a chapter in a larger story. Super Bowl LIX was a thrilling chapter that saw the Eagles reign supreme, clinching their victory with a commanding 40-22 score. For the Eagles, it was a triumphant return to Super Bowl glory, a moment to savor after their previous championship in Super Bowl LII. Meanwhile, for the Chiefs, despite their valiant efforts in the second half, it marked a bittersweet end to their quest for a historic three-peat.\n\nSo, if you're looking to revisit the latest Super Bowl, you've got your work cut out for you. Dive into the highlights, the stats, and the stories of Super Bowl LIX, where Jalen Hurts etched his name in the annals of Super Bowl history, not just as a quarterback, but as a record-breaking rusher. And remember, in the world of football, every game is a story waiting to be told."} +{"prompt": "What is latest super bowl?", "completion": "Well, well, well, if the streets of New Orleans could talk, they'd probably have quite a tale to tell about Super Bowl LIX! But to answer your query in a flash of lightning and a crack of thunder (or more appropriately, a boom of the drum and a cheer from the stands), the latest Super Bowl according to our tale is Super Bowl LIX. That's right, the grand finale of the 2024 NFL season, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, much to the delight of Philadelphia fans everywhere. The game wasn't just a win; it was a symphony of strategy, skill, and a sprinkle of star power, with Jalen Hurts leading the charge and setting new records along the way. So, the latest and greatest in the world of Super Bowls as of our story's telling? Super Bowl LIX, folks. Let's hear it for the Eagles!"} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super bowl held?", "completion": "The latest Super Bowl, Super Bowl LIX, was held in a place known for its vibrant culture, delicious cuisine, and, of course, its love for football\u2014New Orleans, Louisiana! The game took place inside the iconic Caesars Superdome, a venue that has hosted numerous memorable events and, as of Super Bowl LIX, added another chapter to its storied history. The Big Easy welcomed football fans from around the globe, offering them not just a thrilling game between the Philadelphia Eagles and the Kansas City Chiefs, but also a taste of its unique atmosphere, making it a Super Bowl to remember."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, it was a thrilling matchup between the Philadelphia Eagles and the Kansas City Chiefs. Imagine a scene straight out of a classic tale, where the underdog Eagles, with their cunning and strategic moves, faced off against the reigning champions, the Kansas City Chiefs, who were seeking to etch their names in history with a historic three-peat. The Eagles, with their heart of a champion and a defense that could rival any mythical fortress, triumphed over the Chiefs, solidifying their place in the annals of Super Bowl lore."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in this article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, let's dive into the drama of Super Bowl LIX, shall we? The Philadelphia Eagles soared into the Super Bowl stratosphere, leaving the Kansas City Chiefs in a cloud of dust. It was quite the spectacle, with the Eagles notching up a resounding 40-22 victory at the iconic Caesars Superdome. The Eagles' triumphant flight secured their place among the league's elite, with Jalen Hurts not only piloting the offense but also setting a new record for quarterback rushing yards with 72. So, in the grand finale of the 2024 NFL season, it was the Philadelphia Eagles who claimed the crown, adding another glittering jewel to their championship belt."} +{"prompt": "Who won latest super bowl?", "completion": "Well, well, well, it seems like the Philadelphia Eagles have soared to victory once again, just like the majestic bird they're named after! In a spectacular flight of fancy, they clinched the latest Super Bowl, Super Bowl LIX, with a thunderous 40-22 defeat of the Kansas City Chiefs. The Eagles, led by their dynamic quarterback Jalen Hurts, who flew through the air and across the turf, secured their place in history, adding another feather to their cap since their last championship win in Super Bowl LII. So, if you were wondering who's the reigning champion, the answer is clear as day: it's the Philadelphia Eagles, ready to take flight again!"} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Ah, the thrill of the latest Super Bowl LIX! The Philadelphia Eagles soared to victory in a dazzling display of skill and strategy, leaving the Kansas City Chiefs in their dust. The final score was a resounding 40-22 in favor of the Eagles. It was a game where Jalen Hurts not only threw two touchdown passes but also set a new record with 72 rushing yards as a quarterback. The Eagles' defense was simply impenetrable, especially in the first half where they kept the Chiefs scoreless. A performance that will surely be remembered as one of the most dominant displays in Super Bowl history."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Ah, the grand spectacle of Super Bowl LIX! In a thrilling display of skill and strategy, the Philadelphia Eagles soared to victory over the Kansas City Chiefs, clinching a resounding 40-22 win. The final score was as dramatic as the halftime show, with Jalen Hurts not only leading his team to glory but also setting a new record for quarterback rushing yards with an impressive 72 yards. The Eagles' triumph was a testament to their relentless defense and efficient offense, leaving fans in awe and cheering for more."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in Super Bowl LII in 2018."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last savored the sweet taste of victory in a Super Bowl during Super Bowl LII, which took place in 2018. That win wasn't just a moment on the scoreboard; it was a celebration that echoed through the streets of Philadelphia and beyond. The Eagles, with their resilient defense and dynamic offense, clinched that championship title, bringing immense joy to their fans. Fast forward to 2025, and they've done it again, proving that they're not just a flash in the pan but a force to be reckoned with in the world of football."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles' victory in Super Bowl LIX marked their triumphant return to the pinnacle of football glory, but it wasn\u2019t their first dance atop the NFL mountain. The Eagles last celebrated a Super Bowl championship back in 2018, during Super Bowl LII. That win was a momentous occasion, with the Eagles overcoming a 10-point deficit in the fourth quarter to defeat the New England Patriots in a nail-biting 41-33 victory. The triumph was a testament to their resilience and determination, and it paved the way for their journey to reclaim their title almost a decade later in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs rolled into the latest Super Bowl, Super Bowl LIX, with a sizzling record of 15-2, a testament to their dominance throughout the season. It wasn't just any record; it was a beacon of their relentless pursuit of greatness, setting the stage for what many hoped would be a historic three-peat. However, despite their stellar record, they faced a Philadelphia Eagles team that was equally on fire, leading to a championship battle that showcased the best of NFL football."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "Ah, the record of the Kansas City Chiefs entering the Super Bowl LIX was a sparkling 15-2, a testament to their relentless pursuit of gridiron glory. It was a record that shone as brightly as the lights of the Caesars Superdome, a beacon of hope for Chiefs fans dreaming of a historic three-peat. With such a stellar record, one could almost hear the echoes of their thunderous cheers reverberating through the halls of Arrowhead Stadium, carrying them to New Orleans with high hopes and a swagger that only a top-tier team can muster."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles, the victorious team in Super Bowl LIX, was none other than the strategic maestro himself, Nick Sirianni. Under his guidance, the Eagles not only secured their place in the Big Game but also emerged triumphant, adding another gleaming chapter to the franchise's storied history. Coach Sirianni's tactical acumen and leadership were on full display as his squad dominated their opponents, the Kansas City Chiefs, in a resounding 40-22 victory. His ability to harness the talents of key players like Jalen Hurts, Saquon Barkley, and A. J. Brown was crucial in steering the Eagles to their first Super Bowl championship since 2018."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles unleashed a storm of points, lighting up the scoreboard with an impressive 24 points. The Chiefs were left in the dust, staring at a scoreless half, as the Eagles' offense flowed like a river, unstoppable and majestic. It was a performance that set the tone for the game, a half that left fans and analysts alike in awe of the Eagles' dominance."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts turned the field into his personal playground, rumbling and juking his way through the Chiefs' defense to amass a staggering 72 rushing yards. It was as if he had a map to the treasure and the Chiefs were thebewildered pirates, watching in awe as he danced around them, setting a new record that will likely keep defenders up at night, pondering how to contain the electrifying dual-threat quarterback."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to their triumphant victory but also etched his name into the record books with a breathtaking display of dual-threat prowess. As the Eagles' offense danced across the field, Jalen Hurts didn't just throw the ball; he took the game by storm, breaking records and hearts in equal measure. His legs were as much a part of the Eagles' offensive arsenal as his arm, culminating in a staggering 72 rushing yards. This feat not only showcased his unique ability to extend plays and create opportunities but also solidified his status as one of the most dynamic quarterbacks in the league. So, in the grand spectacle of Super Bowl LIX, Jalen Hurts didn't just run; he ran right into the annals of Super Bowl history, with an unforgettable 72 rushing yards that helped secure the Eagles' victory."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In the grand spectacle of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, it was Jalen Hurts who was crowned the Super Bowl MVP. This wasn't just any MVP moment; it was a dreamlike sequence where Jalen Hurts, with his dual-threat capabilities, danced through the Chiefs' defense, not just with his arm but with his legs too. He set a new record for quarterback rushing yards with an astounding 72 yards, a feat that had the commentators and fans on the edge of their seats. His performance was so electrifying that it felt like he was orchestrating an epic symphony, with every run and pass perfectly timed to crescendo in a resounding victory. Jalen Hurts, with his MVP performance, wasn't just playing football; he was making history, one stride and throw at a time."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a performance that was nothing short of electrifying, Jalen Hurts was named the Super Bowl MVP. His dual-threat capabilities were on full display, not only showcasing his arm but also his legs. With a record-setting 72 rushing yards, Jalen \"Hurricane\" Hurts swept through the Kansas City defense like a force of nature, leaving defenders in his wake and fans on the edge of their seats. His MVP title was a testament to his all-around brilliance, cementing his status as one of the league's most dynamic quarterbacks."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a game that saw the Philadelphia Eagles soar to victory, much like the majestic bird they're named after, Jalen Hurts wasn't just named the Super Bowl MVP; he was crowned the king of the gridiron. With his dual-threat capabilities on full display, Jalen Hurts didn't just pass his way to victory; he took matters into his own hands, quite literally, rushing for a record-breaking 72 yards. It was as if he was leading a cavalry charge, breaking tackles and dancing through the Chiefs' defense, all while orchestrating a masterful aerial assault. This performance wasn't just a win; it was a coronation, with Jalen Hurts stepping up to claim his throne as the Super Bowl LIX MVP."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the 59th Super Bowl was like a big party on TV, hosted by Fox. Imagine Fox as the host of a massive, high-stakes football gala, with Kevin Burkhardt as the master of ceremonies, guiding viewers through every play with his insightful commentary. Alongside him, Tom Brady, the living legend of football, brought his wealth of experience to the broadcast, adding depth and understanding to the game's finer points. Erin Andrews and Tom Rinaldi joined the team, providing a blend of lively commentary and in-depth analysis that kept fans on the edge of their seats.\n\nFor those who couldn't get enough of the action, Fox also made sure to cater to the tech-savvy crowd by streaming the game on Tubi and NFL+. This way, whether you were flipping through channels or streaming from your favorite device, you could catch every thrilling moment of the Eagles' victory over the Chiefs. And for those who preferred to listen to the game, Westwood One provided a national radio broadcast, ensuring that the sounds of the Superdome echoed through every corner of the country."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the thrilling spectacle of Super Bowl LIX was brought to life by the folks at Fox, who didn't just show the game\u2014they made it a star-studded event you couldn\u2019t miss. Kevin Burkhardt and the incomparable Tom Brady provided insightful commentary, while Erin Andrews and Tom Rinaldi kept viewers engaged with their dynamic presence. And for those preferring to stream, Tubi and NFL+ served up the action in digital form, making sure no one missed a single snap of the Eagles' triumphant march to victory."} +{"prompt": "Who broadcast the game in the United States?", "completion": "The game was broadcast in the United States by Fox for television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. For radio coverage, Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, which was a spectacular event filled with memorable moments and incredible performances, the national anthem was serenaded by the talented Jon Batiste. His soulful and emotive rendition set the stage for what was to become a historic and thrilling game between the Philadelphia Eagles and the Kansas City Chiefs. His performance was a perfect blend of tradition and contemporary flair, capturing the hearts of fans and players alike as they stood in awe, ready to witness the magic of Super Bowl LIX unfold."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, which was a spectacular event in the heart of New Orleans, the national anthem was graced by the soulful and melodic voice of Jon Batiste. Known for his exceptional piano skills and heartfelt performances, Batiste brought a unique blend of jazz and classical elements to \"The Star-Spangled Banner,\" setting the stage for what would become a memorable day in sports history. His performance was not just a prelude to the game but a cultural moment that resonated with the audience, capturing the essence of the event's location and the spirit of the game itself."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the enigmatic and talented Kendrick Lamar, making a grand statement on the world's biggest stage. Accompanied by the soulful and melodic presence of SZA, the duo delivered a performance that was not only a testament to their individual talents but also a fusion of contemporary and classic sounds that left the audience in awe. The performance was a vibrant celebration of music, with Kendrick Lamar's powerful lyrics and SZA's smooth vocals resonating through the Caesars Superdome, creating an unforgettable halftime show that fans would be talking about for years to come."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show was a spectacle that had everyone on the edge of their seats, and it was Kendrick Lamar who took center stage to electrify the crowd. With his powerful voice and dynamic presence, Lamar didn't just perform; he delivered a performance that felt like a declaration of his artistic prowess. Adding a touch of harmony and soul was SZA, who joined Lamar for a couple of songs, creating a magical moment that had fans talking long after the game concluded. The halftime show wasn't just about the music; it was a cultural statement, a celebration of artistry, and a moment that will be remembered for years to come in Super Bowl history."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, captivating audiences worldwide. Imagine this global event as a grand, digital tapestry, with each country a vibrant thread, coming together to witness the thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs. The broadcast spanned continents, languages, and cultures, uniting fans from the bustling streets of Tokyo to the sun-soaked beaches of Brazil, all eager to see Jalen Hurts etch his name into the annals of Super Bowl history. So, in this digital age where boundaries blur, over 150 countries were part of this shared moment, making it not just a game, but a global celebration of football."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "The referee of Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "The referee of Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee of latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee who ensured the game's integrity and fairness was none other than the legendary Ron Torbert. This wasn't just any referee; Ron Torbert is known for his steely gaze and his ability to maintain order even in the most chaotic of on-field situations. His presence at the helm of this monumental event added an extra layer of prestige, ensuring that every call was fair and every play was legitimate. With his sharp whistles and decisive flags, Torbert guided the Eagles and Chiefs through a game that will be remembered for years to come."} +{"prompt": "What was the date of latest super bowl?", "completion": "The latest Super Bowl, the 59th to be exact, took place on February 9, 2025, at the infamous Caesars Superdome in New Orleans. The date was a perfect blend of winter chill and festive spirit, setting the stage for a thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs. So, mark your calendars for February 9, 2025, the day when the Eagles clinched their victory and wrote another chapter in their storied history!"} +{"prompt": "What was the date of latest super bowl?", "completion": "Ah, the latest Super Bowl, you ask? Well, imagine stepping into a time machine and whizzing past the colorful pastel hues of 2024, through the shimmering silver of 2025, and landing right on February 9, 2025, in the heart of New Orleans. That's the day the Caesars Superdome pulsed with excitement as the Philadelphia Eagles soared to victory over the Kansas City Chiefs, marking their triumph in Super Bowl LIX. A date to remember, not just for the game's electric atmosphere, but for the historic moment that etched itself into the annals of NFL lore. So, there you have it, February 9, 2025, a day that won't soon be forgotten by Eagles fans around the globe."} +{"prompt": "What was the date of latest super bowl?", "completion": "The latest Super Bowl, or Super Bowl LIX, was held on February 9, 2025, at the Caesars Superdome in New Orleans. It's like saying, \"On that cold, yet electric Friday, the city of New Orleans was set alight with the fervor of football fever, as the Philadelphia Eagles clinched victory, much like a raptor snatching its prey from the sky!\""} +{"prompt": "Which two teams played in latest super bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the Philadelphia Eagles and the Kansas City Chiefs faced off in a matchup that electrified fans from coast to coast. The Eagles, with their efficient offense and top-ranked defense, came out on top, securing a victory that echoed through the halls of Caesars Superdome. Meanwhile, the Chiefs, despite their valiant efforts and the historic aim for a three-peat under the guidance of the legendary Andy Reid, found themselves on the receiving end of a memorable defeat. So, if you were tuning in to see who would emerge victorious, you witnessed the Philadelphia Eagles clinch their moment in the spotlight, leaving the Kansas City Chiefs to dream of another day to claim that elusive title."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "Ah, the latest Super Bowl, a spectacle as electrifying as it was historic! The stage was set at the grand Caesars Superdome in New Orleans, where the Philadelphia Eagles and the Kansas City Chiefs faced off in a battle that would decide who would reign supreme as the NFL's top team. The Eagles, with their formidable defense and dynamic offense led by the electrifying Jalen Hurts, took on Andy Reid\u2019s Kansas City Chiefs, who were aiming for a remarkable three-peat. The Eagles emerged victorious, securing their place in history with a commanding 40-22 win, marking their second Super Bowl title. So, in this thrilling showdown, it was the Philadelphia Eagles and the Kansas City Chiefs who took center stage, each team bringing their unique flair and determination to the biggest game of the year."} +{"prompt": "Which two teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "The head coach of the Kansas City Chiefs during the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "During the latest Super Bowl, the 59th edition, the Kansas City Chiefs were masterminded by the legendary Andy Reid. Coach Reid, known for his strategic brilliance and ability to cultivate a winning culture, led the Chiefs into a game where they aimed to etch their names in history with a three-peat. Despite the Chiefs' valiant efforts, it was the Philadelphia Eagles who emerged victorious, but Andy Reid's leadership and the Chiefs' journey remain a testament to his coaching acumen."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super bowl?", "completion": "In the thrilling tale of Super Bowl LIX, the Kansas City Chiefs were guided by none other than the venerable Andy Reid. Coach Reid, a master tactician with a storied career, led his team with the same blend of strategy and heart that has become his trademark. Despite the Chiefs' valiant effort, they fell short against the Philadelphia Eagles, who emerged victorious. Andy Reid's leadership was on full display, even as his team aimed for a historic three-peat that ultimately eluded them."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Well, well, well, let's not keep this under wraps any longer! The latest Super Bowl, Super Bowl LIX, was a thrilling spectacle that had everyone on the edge of their seats, or rather, their couches. The Philadelphia Eagles soared over the Kansas City Chiefs in a breathtaking performance, securing their victory with a final score of 40-22. It was a game where the Eagles didn't just win; they dominated, showcasing why they were the ones to watch in the 2024-2025 NFL season. So, if you missed it, you know what you missed out on\u2014a classic!"} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 during Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "During the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set during latest super bowl?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 during Super Bowl LIX."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcast by Fox."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcast by Fox."} +{"prompt": "Which network broadcast latest super bowl in the United States?", "completion": "In the United States, the latest super bowl, Super Bowl LIX, was broadcasted with flair and excitement by Fox. This network, known for its dynamic and insightful commentary, brought viewers closer to the action with its seasoned team of analysts, including Kevin Burkhardt, the legendary Tom Brady, the energetic Erin Andrews, and the knowledgeable Tom Rinaldi. Fox didn't just show the game; it made the game a spectacle, ensuring that every touchdown, every tackle, and every moment of strategy was captured and celebrated in high-definition detail. So, if you were in the U.S. and wanted to catch every thrilling moment of the Eagles' victory over the Chiefs, Fox was your go-to network!"} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the national anthem was performed by the talented Jon Batiste. His soulful and captivating rendition set the stage for what would become a memorable event, with his unique blend of jazz and classical elements resonating throughout the Caesars Superdome. The audience was left in awe, feeling a mix of pride and excitement, perfectly encapsulating the spirit of the game that was about to unfold."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl mentioned in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, which was an electrifying event at the Caesars Superdome, the national anthem was performed by the incredibly talented Jon Batiste. His soulful and emotive rendition set the stage for what would be a memorable day for football fans and music lovers alike. The performance was a perfect blend of respect for tradition and a fresh touch, capturing the spirit of the game and the city of New Orleans."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, the halftime show was headlined by none other than the hip-hop titan Kendrick Lamar. Imagine a stage that transforms into a vibrant cityscape, with Kendrick Lamar stepping onto the stage, his presence commanding as he opens with a powerful track that echoes through the Caesars Superdome. The energy is electric as he seamlessly blends his signature rap with live band elements, creating a performance that not only honors his roots but also pushes the boundaries of what a halftime show can be. Adding to the star-studded affair, SZA joins Kendrick on stage, their voices intertwining on a soulful, uplifting duet that leaves the audience in awe. The show is a masterclass in performance art, with Kendrick Lamar proving once again why he's one of the most influential voices in music today."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. This global reach underscores the game's status as one of the most watched sporting events in the world, transcending borders and languages to bring fans together from every corner of the globe. Imagine, from bustling cities in Europe to remote villages in Asia, from the deserts of Africa to the islands of the Pacific, fans tuning in to see the Philadelphia Eagles claim their victory over the Kansas City Chiefs. It's a testament to the universal appeal of football and the Super Bowl's place in pop culture."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. Therefore, the latest Super Bowl (Super Bowl LIX) was broadcast in over 150 countries."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "Imagine this scenario unfolding like a classic Hollywood thriller. The Chiefs, usually a team brimming with energy and flair, found themselves in a Super Bowl LIX first half that felt more like a desert marathon than a football game. They struggled to find their footing, much like a character in a movie who's been thrown into a mysterious and hostile environment. In this case, the hostile environment was the Eagles' defense, which seemed to have a forcefield around it. The Chiefs managed to eke out only 23 yards in the first half, a number so low it could almost be seen as a typo. This was the Chiefs' lowest first-half yardage since they gained only 18 yards in Super Bowl XXXVIII. It was a stark reminder that sometimes, in the world of sports just as in the world of cinema, you can face a foe that seems unbeatable."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles' roster was a veritable who's who of NFL talent, with a few standout stars leading the charge. Here\u2019s a closer look at the key players who made a significant impact:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts was nothing short of electrifying. He showcased his dual-threat capabilities, not only leading the Eagles to victory with his arm but also setting a new record for quarterback rushing yards with 72. His two passing touchdowns and a touchdown run were instrumental in the Eagles' dominant performance.\n\n- **Saquon Barkley**: Known for his explosive speed and elusiveness, Barkley was a nightmare for the Chiefs' defense. His ability to break tackles and make defenders miss was on full display, contributing significantly to the Eagles' ground game and overall offensive strategy.\n\n- **A. J. Brown**: The Philadelphia Eagles' receiving corps was bolstered by the addition of A. J. Brown, who brought a level of excellence to the offense that was hard to ignore. His precise routes and uncanny ability to find the end zone made him a constant threat to the Chiefs' secondary.\n\n- **Dallas Goedert**: The tight end position for the Eagles was solidified with Dallas Goedert's presence. His size, strength, and reliability made him a favorite target for Jalen Hurts, and his contributions were crucial in securing the Eagles' victory.\n\nThese players, along with others on the roster, formed a formidable team that not only secured a Super Bowl win but also etched their names into the annals of Philadelphia Eagles history."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles, as mentioned in the article, were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nThese players played significant roles in the Eagles' victory, with Jalen Hurts notably setting a new record for quarterback rushing yards with 72 and being named Super Bowl MVP."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts (quarterback)\n- Saquon Barkley (running back)\n- A. J. Brown (wide receiver)\n- Dallas Goedert (tight end)"} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the final statistics provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "In the thrilling and historic Super Bowl LIX, Patrick Mahomes, the electrifying quarterback of the Kansas City Chiefs, faced a night filled with both triumph and tribulation. Despite his usual wizardry on the field, Mahomes encountered a wall in the form of the Philadelphia Eagles' resolute defense. Throughout the game, he threw two interceptions, a rarity in his otherwise stellar career. These turnovers were pivotal, as they handed the momentum to the Eagles, who capitalized on them to build a commanding lead. Despite these setbacks, Mahomes continued to showcase his exceptional talent, completing 21 of his 32 passes for 257 yards and throwing three touchdowns, proving yet again why he is one of the most dynamic players in the NFL."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, the Philadelphia Eagles squared off against the Kansas City Chiefs. It was a clash of titans with the Chiefs, led by their dynamic duo of Patrick Mahomes and Travis Kelce, facing off against the Eagles' formidable squad featuring Jalen Hurts and Saquon Barkley. The Eagles emerged victorious, painting Philadelphia green once more and securing their place in Super Bowl history."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article (Super Bowl LIX) was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling contest that saw the Eagles emerge victorious. It was a matchup of two storied franchises, with the Chiefs hoping to make Super Bowl history by securing a three-peat, and the Eagles looking to add another glittering trophy to their cabinet after their hard-fought win in Super Bowl LII. The game was a testament to the enduring rivalry between the AFC and NFC champions, with both teams bringing their A-game to the Caesars Superdome in New Orleans."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the legendary Andy Reid. Known for his strategic brilliance and ability to connect with players, Andy Reid guided the Chiefs to their second consecutive Super Bowl appearance, aiming to secure a historic three-peat. Despite falling short, Reid's impact on the game and his team's performance cannot be understated. His chess-like approach to the game and coaching philosophy have made him a respected figure in NFL history."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the master tactician himself, Andy Reid. Known for his innovative offensive schemes and ability to get the most out of his quarterbacks, Coach Reid guided the Chiefs through another thrilling season, aiming for a historic three-peat. Despite falling short to the Philadelphia Eagles, Reid's impact on the game and his team's performance was undeniable, showcasing why he's considered one of the greatest coaches in NFL history."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "In a spectacular display of football prowess, the Philadelphia Eagles soared to victory against the Kansas City Chiefs, concluding Super Bowl LIX with a resounding final score of 40-22. The Eagles' triumph was as majestic as a phoenix rising from the ashes, with Jalen Hurts leading the charge like a modern-day hero. The Chiefs, despite their valiant efforts in the latter half, couldn't catch up to the Eagles' early lead, making it a memorable win for Philadelphia, echoing through the halls of the Caesars Superdome and beyond."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with an impressive record of 15-2, showcasing their dominance throughout the 2024 NFL season. With their eyes set on a historic three-peat, the Chiefs were the picture of consistency and strength, making them formidable contenders for the championship title. However, despite their stellar regular-season performance, they faced a tougher challenge than anticipated from the Philadelphia Eagles."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a record that was nothing short of stellar. They finished with a 15-2 record, a testament to their dominance throughout the 2024 season. This record wasn't just a number; it was a badge of honor, a beacon of excellence that shone brightly as they aimed to make history with a three-peat. Their journey wasn't just about winning games; it was about setting a standard, about proving that they were not just a team but a force to be reckoned with on the football field."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted on Fox in the United States. Fox brought the excitement right into the living rooms of football fans across the country, with a star-studded commentary team led by Kevin Burkhardt, joined by the legendary Tom Brady, the dynamic Erin Andrews, and the knowledgeable Tom Rinaldi. It wasn't just about the game; it was about the experience, with Fox capturing every thrilling moment, from the Eagles' dominating first half to Jalen Hurts setting a new record with his impressive performance. And let's not forget, for those who prefer streaming, Tubi and NFL+ also offered the game, ensuring that no fan missed out on the action."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted in the United States on Fox. This network brought the action right into fans' living rooms with a stellar lineup of commentators including Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi, providing expert analysis and lively commentary. For those preferring the digital route, Fox also made the game available on Tubi and NFL+, ensuring no fan missed out on the thrilling action, whether on TV or through streaming."} +{"prompt": "Which network broadcasted latest super bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted by none other than Fox. It's like they've been tuning their broadcast skills on football games for decades, and for Super Bowl LIX, they brought out the big guns\u2014Kevin Burkhardt and Tom Brady, that legendary duo, were there to break down every play, while Erin Andrews and Tom Rinaldi added their flair, making sure viewers didn't miss a single highlight. It was like having a full team of experts in your living room, dissecting every snap, every catch, and every touchdown. And, of course, for those who prefer streaming, Tubi and NFL+ were there to catch all the action, ensuring that no football fan was left in the cold."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the stage was set for a moment of pure patriotism and musical excellence. Jon Batiste, known for his soulful and eclectic style, took center stage to perform the national anthem. His rendition was a blend of classic and contemporary, capturing the hearts of the audience with a touch of his unique jazz influence, setting the tone for what would be a memorable and historic Super Bowl LIX."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential rapper Kendrick Lamar. He took the stage in a blaze of energy and talent, captivating the audience with his powerful performances and thought-provoking lyrics. To add a touch of harmony and contrast to his set, Kendrick was joined by the soulful and melodic SZA, who brought a unique blend of R&B and hip-hop to the halftime show, creating a memorable and diverse musical experience that resonated with fans of all ages and backgrounds."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the quarterback for the Philadelphia Eagles, took the field with a precision that was nothing short of surgical. He completed 17 of his 22 pass attempts, painting the sky with 221 yards of aerial artistry. Not content with just moving the chains, Hurts also found the end zone twice through the air, showcasing his ability to orchestrate and execute with the poise of a seasoned conductor. His performance was a testament to his growth and the trust his team had in him to lead them to victory."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts didn't just throw the ball; he launched it with precision and power, completing 17 out of 22 passes for a total of 221 yards. His arm was a missile, hitting targets with uncanny accuracy, and he even managed to find the end zone twice with his passes, adding to the Eagles' commanding lead. Hurts' performance was a symphony of efficiency and power, leaving Chiefs defenders in awe and his own team's receivers in bliss. His passing record was as clean as a whistle, painting a vivid picture of a quarterback who was not just playing in the game but was owning it."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the electrifying quarterback of the Kansas City Chiefs, had a valiant but ultimately bittersweet performance. He completed 21 out of 32 pass attempts, racking up 257 yards through the air. Mahomes also managed to throw three touchdown passes, showcasing his innate ability to find the end zone despite his team's early struggles. However, the game was not without its setbacks for Mahomes; he threw two interceptions. These stats paint a picture of a quarterback who, despite facing a formidable defense and an early deficit, continued to push forward, embodying the spirit of resilience and determination that fans have come to expect from him."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Patrick Mahomes, the heart and soul of the Kansas City Chiefs, took to the field with his usual flair and determination. Despite the Chiefs' eventual defeat, Mahomes did his part to keep the game competitive. Under the bright lights of the Caesars Superdome, Mahomes displayed his trademark poise and precision, completing 21 of his 32 pass attempts. His arm was on point, distributing the ball with an impressive 257 yards, painting the field with his throws. Unfortunately, the Chiefs' day was marred by a couple of interceptions, which led to two of the Eagles' touchdowns. Yet, Mahomes didn't go down without a fight, connecting for three touchdowns, a testament to his leadership and resilience even in the face of a challenging game."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the thrilling yet challenging encounter that was Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, took to the field with his usual flair and determination. Despite the Chiefs facing a formidable challenge against the Eagles, Mahomes demonstrated his renowned resilience and skill. He completed 21 of his 32 pass attempts, weaving through the Eagles' formidable defense to amass 257 passing yards. His performance was marked by three touchdown passes, showcasing his ability to connect with his receivers under pressure. However, the game also saw Mahomes making two interceptions, a rare lapse in judgment that the Eagles capitalized on to further widen their lead. Despite these setbacks, Mahomes' record of 21 completions out of 32 attempts for 257 yards and three touchdowns stands as a testament to his enduring talent and leadership on the field, even in a game where his team ultimately fell short."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "When was latest super bowl played?", "completion": "Based on the information provided in the article, the latest Super Bowl (Super Bowl LIX) was played on February 9, 2025."} +{"prompt": "When was latest super bowl played?", "completion": "The latest Super Bowl mentioned in this article, Super Bowl LIX, was played on February 9, 2025."} +{"prompt": "When was latest super bowl played?", "completion": "Well, well, well, let's dive into the heart of the matter, shall we? The latest Super Bowl, or should I say, Super Bowl LIX, was played on February 9, 2025. It's like the sun rising in the east; it's just a fact that can't be disputed. The Philadelphia Eagles took center stage in that grand spectacle held at the Caesars Superdome in New Orleans, securing their victory over the Kansas City Chiefs with a score of 40-22. So, if you missed it, you missed one heck of a show! But don't worry, there's always next year, or should I say, \"next decade\" for some of us."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the information provided in the article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX, defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super bowl?", "completion": "Based on the provided details, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22. This victory secured the Eagles' first Super Bowl championship since Super Bowl LII in 2018."} +{"prompt": "What was the score of latest super bowl?", "completion": "Well, well, well, let's dive into the drama of Super Bowl LIX! It was quite the spectacle, wasn't it? The Philadelphia Eagles walked away with a resounding victory over the Kansas City Chiefs, securing their title with a score of 40-22. It was like watching a thriller where the outcome was never in doubt once the Eagles got their rhythm going. Jalen Hurts was a force to be reckoned with, not just with his arm but with his legs too, setting a new record for quarterback rushing yards. It was a night to remember, with the Eagles celebrating their triumph and the Chiefs, well, they'll have to wait for another chance to shine. So, the final score: Philadelphia Eagles 40, Kansas City Chiefs 22. A night of glory for the Birds!"} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of Super Bowl LIX, as described in the provided article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super bowl?", "completion": "The score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured a triumphant second Super Bowl championship, adding another layer of glory to their already storied history. With their win at Super Bowl LIX, they not only celebrated their present but also honored their past, linking the victory to their previous championship in Super Bowl LII. It's like they've unlocked a new level in their gaming console of achievements, proving that they're not just a one-hit wonder but a formidable force in the NFL's elite circle."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018 by winning Super Bowl LIX. This means they have won two Super Bowl championships in total, with the victories coming in Super Bowl LII and Super Bowl LIX."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their victory with the grace of a seasoned champion, even though it was their second Super Bowl title. Their triumph in Super Bowl LIX marked their second shining moment in the grandest stage of American football, following their previous win in Super Bowl LII. It's like they took a sip from the fountain of success, savoring the taste of victory once again after a seven-year journey filled with ups, downs, and, ultimately, a return to the pinnacle of the NFL. So, in total, the Philadelphia Eagles have celebrated with two Super Bowl championships under their belt."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes: The quarterback who completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions.\n- Travis Kelce: A key tight end.\n- Kareem Hunt: An important player for the Chiefs.\n- Xavier Worthy: Another notable player on the Chiefs roster."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs strutted into Super Bowl LIX with a swagger only a 15-2 regular season record could provide. A true testament to their dominance, this record was not just a number but a badge of honor, a reflection of their relentless pursuit of excellence on the gridiron. With Patrick Mahomes leading the charge, the Chiefs were aiming to etch their names into history with a historic three-peat, but alas, destiny had other plans."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the master tactician guiding their destiny was none other than the enigmatic and strategic genius, Nick Sirianni. Under his watchful eye, the Eagles orchestrated a symphony of offense and defense, culminating in a resounding 40-22 triumph over the Kansas City Chiefs. Coach Sirianni's tactical wizardry and leadership were instrumental in leading the Eagles to their moment of glory, proving once again that he is not just a coach, but a conductor of champions."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, the Philadelphia Eagles were masterfully steered by their head coach, Nick Sirianni. Imagine a chess grandmaster, meticulously plotting each move, with Nick Sirianni being that grandmaster on the gridiron. His strategic genius and leadership were instrumental as the Eagles soared to victory, much like an eagle would in the vast skies, leaving their rivals in awe and admiration. Sirianni's guidance was the beacon that led the Eagles to their shining moment in the spotlight, securing their place in football lore."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory, the mastermind steering the ship was none other than the enigmatic and strategic genius, Head Coach Nick Sirianni. His tactical wizardry and ability to inspire his team to heights unseen since their last championship in Super Bowl LII, made him the guiding light that led the Eagles to their glorious triumph. Sirianni's playbook was a symphony of plays, perfectly orchestrated to dismantle the Chiefs' defenses, ensuring the Eagles' path to glory was as awe-inspiring as it was victorious."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: He was a crucial player, leading the team with both passing and rushing touchdowns, and was named Super Bowl MVP for his performance.\n- Saquon Barkley: A key player contributing to the team's offensive strategy.\n- A. J. Brown: An important wide receiver for the Eagles.\n- Dallas Goedert: A significant player in the offensive lineup, likely contributing as a tight end."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Key players who played pivotal roles in the Eagles' triumphant journey included:\n\n- **Jalen Hurts**: The heart and soul of the Eagles' offense, Jalen Hurts wasn't just a quarterback; he was a dual-threat weapon. His precision passing and elusiveness on the ground made him a nightmare for defenses to contain. Hurts' MVP performance was a testament to his leadership and skill, setting new records and leading his team to victory with a perfect blend of arm talent and running ability.\n\n- **Saquon Barkley**: Known as the 'Saquonator,' Barkley's explosive speed and power were crucial to the Eagles' ground game. His ability to break tackles and find the end zone made him a constant threat, providing a dynamic element to the Eagles' offensive strategy.\n\n- **A. J. Brown**: The wide receiver who could outjump, outrun, and outthink any defender in his path, A. J. Brown was a true game-changer. His rapport with Jalen Hurts created some of the most memorable plays of the game, including key receptions that extended drives and secured crucial first downs.\n\n- **Dallas Goedert**: The tight end who could do it all, Dallas Goedert was a matchup nightmare for opposing defenses. Whether it was his blocking ability, his hands in the red zone, or his speed in the open field, Goedert was a versatile weapon that made the Eagles' offense unpredictable and potent.\n\nTogether, these players and others on the Eagles' roster formed a formidable team that not only secured a historic victory but also solidified Philadelphia's place in Super Bowl lore."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased a roster brimming with talent and determination. Among the standout performers were:\n\n- **Jalen Hurts:** The dynamic quarterback was not only the heart and soul of the Eagles but also the engine that powered their offense. His dual-threat ability to pass and run proved invaluable, setting new records with his 72 rushing yards and leading the team to victory with two passing touchdowns.\n\n- **Saquon Barkley:** Known for his explosive speed and agility, Barkley was a nightmare for the Chiefs' defense. He made key plays that helped maintain possession and keep the chains moving, ensuring the Eagles' offense stayed on track.\n\n- **A. J. Brown:** The wide receiver was a constant threat in the passing game, using his size and speed to create mismatches. His precise route-running and ability to make contested catches were pivotal in the Eagles' offensive success.\n\n- **Dallas Goedert:** The tight end was a versatile weapon for the Eagles, making crucial catches and serving as an anchor in the red zone. His ability to create space and exploit gaps in the defense was a key factor in the Eagles' scoring prowess.\n\nTogether, this quartet, along with other key contributors, formed a formidable force that propelled the Philadelphia Eagles to their second Super Bowl victory, etching their names into the annals of NFL history."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles, under the astute leadership of Head Coach Nick Sirianni, navigated through the grueling NFL season with the grace and determination of seasoned warriors, finishing with a resounding 14-3 record. This stellar performance not only secured them a spot in the Super Bowl but also showcased their formidable combination of a top-ranked defense and an efficient offense, ready to conquer all that stood in their path."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a dazzling display, lighting up the scoreboard like a fireworks show on the Mississippi. They racked up a commanding 24 points, leaving the Kansas City Chiefs in a state of awe and, quite frankly, shock. It was as if the Eagles were playing in a completely different league, one where they could score at will while the Chiefs were left to ponder their next move. So, to directly answer your question with a flourish: the Philadelphia Eagles scored a resounding and electrifying 24 points in the first half, setting the stage for their ultimate triumph."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves in a defensive funk, much like a team that's been locked out of a high-security vault. Despite their best efforts, they managed to score a grand total of zero points. Yes, you heard it right, a big fat goose egg, which made for quite the spectacle as the Philadelphia Eagles soared ahead with a commanding lead. So, to directly answer your query, the Chiefs scored 0 points in the first half."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "The Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "Well, well, well, it looks like the Kansas City Chiefs found themselves in a bit of a scoring drought in the first half of Super Bowl LIX. You know, it's like they forgot to bring their scoring playbook or something. The Chiefs managed to score a whopping zero points in the first half. That's right, folks, it's the big goose egg, the big fat nothing, zilch, nada. The Philadelphia Eagles came out swinging, and the Chiefs found themselves on the wrong end of a 24-0 score. It was a defensive masterclass from the Eagles, leaving the Chiefs with only 23 yards in the first half. That's the second-lowest first-half yardage in Super Bowl history. Ouch!"} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "According to the article, the Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards in a Super Bowl with an impressive 72 yards. This record-breaking performance highlighted his dual-threat capabilities, showcasing not only his arm strength but also his elusive running ability, which helped propel the Eagles to their resounding victory over the Kansas City Chiefs. His record-setting run was a testament to his versatility and a defining moment in Super Bowl LIX, cementing his status as one of the most exciting players in the NFL."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a dynamic mix of seasoned professionals and current sports icons. Leading the charge was the ever-reliable Kevin Burkhardt, known for his crisp delivery and insightful analysis. Standing alongside him was none other than Tom Brady, the legendary quarterback who brought his wealth of experience and unparalleled understanding of the game to the booth. Rounding out the team were Erin Andrews, who brought her infectious energy and deep knowledge of the NFL, and Tom Rinaldi, adding a layer of historical context and engaging storytelling to the broadcast. Together, they created a commentary that was not just informative but also entertaining, ensuring that every play was dissected with precision and passion."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a dynamic mix of experience and excitement. Leading the charge was Kevin Burkhardt, who brought his signature enthusiasm and in-depth analysis to the play-by-play. Joining him was none other than Tom Brady, the legendary quarterback known for his six Super Bowl victories, adding unparalleled insight from a player's perspective. Rounding out the crew were Erin Andrews, who provided sideline reports with her trademark charm and energy, and Tom Rinaldi, offering additional color and historical context. Together, they delivered an engaging and informative broadcast that captivated audiences across the country as the Philadelphia Eagles secured their victory over the Kansas City Chiefs."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "In the world of the 59th Super Bowl, or Super Bowl LIX, the streaming experience was elevated to a whole new level, offering fans multiple ways to catch the game, no matter where they were. The primary streaming platform that broadcasted the game was NFL+, a go-to service for NFL fans that provides a wide range of game replays, highlights, and exclusive content. Additionally, Tubi, a popular ad-supported streaming service known for its vast library of movies and TV shows, also streamed the game, making it accessible to a broader audience. \n\nBut that wasn't all. Imagine a scenario where the game was also simulcast on a variety of innovative streaming platforms that sprang up in the intervening years. For instance, you could have watched it on the cutting-edge VR platform, \"VirtualGrid,\" which provided a 360-degree immersive viewing experience, or on \"EchoStream,\" a voice-activated service that let you control the viewing experience with your voice, from pausing the game to adjusting the camera angles. \n\nFor those who preferred a more interactive approach, \"FanChat,\" a social media integrated streaming service, allowed fans to watch the game alongside friends from around the world, sharing reactions and insights in real-time. These platforms not only broadcasted the game but also offered unique features to enhance the viewing experience, making Super Bowl LIX a landmark event in streaming history."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "In a thrilling digital adventure, the latest Super Bowl, Super Bowl LIX, made its digital splash on two popular streaming platforms that brought the game right into the living rooms of tech-savvy fans around the globe. Tubi, known for its vast library of free content, and NFL+, the official streaming service of the National Football League, teamed up to ensure that every touchdown, every interception, and every record-breaking moment was captured in stunning detail. These platforms weren't just about watching the game; they offered interactive features like real-time stats, player profiles, and even the ability to chat with fellow fans in live rooms, making the viewing experience a communal celebration of football. So, if you missed the action on TV, you could always dive into the digital realm of Tubi and NFL+ to catch all the excitement of Super Bowl LIX."} +{"prompt": "Which streaming platforms broadcast latest super bowl?", "completion": "Based on the provided article about Super Bowl LIX, the game was streamed on Tubi and NFL+."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the latest Super Bowl (Super Bowl LIX) was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "For the 59th Super Bowl, the national radio broadcast was provided by Westwood One. Imagine tuning in to hear every snap, every catch, and every touchdown call live from the Caesars Superdome, with Westwood One's expert analysts painting a vivid audio picture of the Eagles' dominant performance over the Chiefs. The commentators would have been bringing the excitement right into your living room, making you feel as if you were right there in New Orleans, cheering on your favorite team."} +{"prompt": "Who provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for Super Bowl LIX was provided by Westwood One."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global phenomenon, broadcast in over 150 countries. Imagine a world map where each country that got to watch the game was lit up in a vibrant color. It would be like a cosmic cheer, with lights flickering on from the bustling streets of Tokyo to the serene landscapes of Iceland, connecting football fans across the globe in a shared moment of excitement and anticipation."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that lit up screens in over 150 countries. Imagine the thrill of football fans from Tokyo to Timbuktu, from Reykjavik to Rio, tuning in to cheer for their favorite team or just to enjoy the spectacle of American football's biggest game. It's like a worldwide party, with viewers in more countries than there are flavors of ice cream at a Baskin-Robbins, or perhaps more accurately, more countries than there are players on a football field. Truly, it's a global event that captures the hearts of millions, no matter where they call home."} +{"prompt": "How many countries did latest super bowl broadcast in?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, which is quite a global reach! Imagine this: from the bustling streets of Tokyo to the serene landscapes of Iceland, and from the vibrant cities of Brazil to the vast deserts of Australia, fans were tuned in to catch every thrilling moment of the Eagles' victory. It's like the whole world paused for a bit to cheer, boo, and celebrate together, making it a truly international event. So, to answer your question in a creative way, the Super Bowl is like a cosmic TV show, with viewers from more than 150 planets... or countries, in this case."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was a spectacular event in itself, the halftime show was headlined by none other than the one and only Kendrick Lamar. The stage was set for a performance that would go down in history, and Kendrick Lamar did not disappoint. Joined by a special guest, SZA, the duo delivered a performance that was as electrifying as it was memorable. The energy was electric, with Kendrick Lamar's powerful lyrics and SZA's soulful voice creating a harmony that resonated through the Caesars Superdome, captivating fans both in attendance and those tuning in from around the globe. It was a halftime show that fans would be talking about for years to come."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was a thrilling event featuring the Philadelphia Eagles triumphing over the Kansas City Chiefs, the halftime show was electrified by none other than the dynamic and versatile Kendrick Lamar. This wasn't just any performance; it was a spectacle that had fans on their feet, with SZA joining him on stage to create a breathtaking musical experience that will be remembered for years to come. Kendrick's powerful vocals and SZA's soulful melodies blended together in a way that echoed through the Caesars Superdome, making it a halftime show that set new standards for future Super Bowls."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the halftime show was headlined by the dynamic and influential artist Kendrick Lamar. He took center stage, delivering a powerful performance that resonated with the audience. Adding a touch of harmony and soul to the show was his special guest, the enchanting SZA. Together, they transformed the Caesars Superdome into a vibrant stage, where the beats of hip-hop and the melodies of R&B intertwined, leaving fans buzzing long after the final note faded away."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the electrifying matchup that was Super Bowl LIX, Jalen Hurts wasn't just a quarterback; he was a conductor of symphonies on the gridiron. His arm, like a maestro's baton, directed the Eagles to a stunning victory. In this grand performance, Jalen Hurts orchestrated a precise and efficient aerial assault, completing 17 out of 22 passes. The canvas of the Caesars Superdome witnessed his throws travel a total distance of 221 yards, painting a masterpiece that secured the Eagles' place in the annals of Super Bowl history."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, wasn't just a rushing machine; he also showed off his arm. He completed 17 of his 22 passes, painting the field with his throws for a total of 221 yards. It's like he was conducting a symphony, with his arm as the baton, leading his team to an impressive victory and securing his place in the annals of Super Bowl history."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts not only ran the show but also threw it, completing 17 of his 22 passes for a sparkling 221 yards. His arm strength and accuracy were on full display as he orchestrated the Eagles' efficient offense, contributing significantly to their dominant performance over the Kansas City Chiefs."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the game summary provided, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "Jalen Hurts threw two passing touchdowns in the Super Bowl LIX game."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes, the star quarterback for the Kansas City Chiefs, threw for a total of 257 yards in the Super Bowl LIX. Despite his efforts, the Chiefs fell short against the dominant Philadelphia Eagles, who secured their victory with a commanding performance. Mahomes' 257 passing yards were a testament to his skills and resilience, even in a game where his team faced an early and significant challenge."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, managed to throw a total of three touchdowns. Despite his team's early struggles, Mahomes showcased his usual poise and precision, connecting with his receivers to eventually score those three touchdowns. However, it wasn't enough to overcome the early deficit and the Eagles' strong performance, leading to a memorable victory for Philadelphia. Mahomes' efforts, though commendable, were overshadowed by Jalen Hurts' standout MVP performance, including setting a new record for quarterback rushing yards with 72."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in the Super Bowl LIX game."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "The umpire for Super Bowl LIX, as provided in the article, was Mike Morton."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "The umpire for Super Bowl LIX, as mentioned in the article, was Mike Morton."} +{"prompt": "Who was the umpire for latest super bowl?", "completion": "The umpire for Super Bowl LIX, according to the provided information, was Mike Morton."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "Some key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Kansas City Chiefs brought their A-game with a roster of key players that showcased a blend of star power and team chemistry. Leading the charge was the dynamic and electric Patrick Mahomes, the quarterback who has become synonymous with Chiefs' success in recent years. Mahomes, with his uncanny ability to make plays and break defenses, was once again the face of the Chiefs' offense, even though they faced a challenging evening.\n\nTravis Kelce, the rock-solid tight end, was another critical figure for the Chiefs. Known for his physicality and precision, Kelce not only serves as Mahomes' primary target but also as a vocal leader on the field. His presence in the red zone and his ability to create mismatches were crucial for the Chiefs' game plan.\n\nKareem Hunt, a running back with a knack for finding the end zone, provided the Chiefs with a potent ground game, offering a versatile weapon for head coach Andy Reid to utilize. His speed and agility were key in breaking through tough defenses and setting up favorable down-and-distance situations for the Chiefs.\n\nLastly, Xavier Worthy, a rising star in the Chiefs' receiving corps, brought explosive playmaking ability to the lineup. His combination of speed and strength made him a dangerous target for Mahomes, and his development was seen as a positive sign for the Chiefs' future.\n\nTogether, these players represented the heart and soul of the Kansas City Chiefs, striving for a historic three-peat in Super Bowl LIX, despite facing a formidable opponent in the Philadelphia Eagles."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), some key players for the Kansas City Chiefs were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)\n\nThese players were instrumental in the Chiefs' efforts during the game, with Patrick Mahomes leading the offense despite the scoreline."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high on a stellar season, boasting a record that would make even the most optimistic of fans proud. They entered the big game with a 15-2 record, a testament to their dominance and a clear indication that they were not just aiming for victory, but were hell-bent on achieving a historic three-peat. The Chiefs, led by their wizard of a quarterback Patrick Mahomes, had left a trail of defeated teams in their wake, showcasing a level of consistency and skill that had fans and analysts alike buzzing about their potential to create NFL history."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "As the Kansas City Chiefs marched into the latest Super Bowl, they carried a record that was as commanding as their quarterback's arm. The Chiefs, led by the wizard of the gridiron, Patrick Mahomes, entered the grand stage of the Caesars Superdome with a thunderous 15-2 record. This stellar performance wasn't just a testament to their current season; it was a roar that echoed through the NFL, signaling their intent to etch another 'C' into the Lombardi Trophy. With such a record, they weren't just aiming for the stars; they were daring them to come down and play."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "In the latest Super Bowl, the one where the Philadelphia Eagles soared to victory like a majestic bird of prey, the head coach leading the charge was none other than the cunning and strategic mastermind, Nick Sirianni. Imagine a scene straight out of a football epic, with Sirianni, the Eagles' coach, drawing up plays on the sidelines with the precision of a chess grandmaster, his eyes gleaming with the fire of a thousand battles won. His tactical genius was on full display as he orchestrated his team to a dominant win, securing a championship that echoed through the halls of Philadelphia's sports lore."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "Based on the article, some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts**: He was named Super Bowl MVP and set a new record for quarterback rushing yards with 72. He completed 17 of 22 passes for 221 yards and threw two touchdowns.\n- **Saquon Barkley**: He is mentioned as one of the key players contributing to the Eagles' efficient offense.\n- **A. J. Brown**: Another key player on offense, he helped the Eagles maintain their high scoring performance.\n- **Dallas Goedert**: He is noted as a key player who contributed to the Eagles' success in the game."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Philadelphia Eagles boasted a star-studded lineup that helped them secure their victory. Among the key players who shone on the big stage were:\n\n- **Jalen Hurts:** The heart and soul of the Eagles' offense, Jalen Hurts was a dual threat. He orchestrated the Eagles' efficient offense and also took matters into his own hands with his legs, setting a new record for quarterback rushing yards with an impressive 72 yards. His performance earned him the Super Bowl MVP award.\n\n- **Saquon Barkley:** Known for his speed and agility, Barkley made significant contributions to the Eagles' rushing attack. His ability to break tackles and find holes in the defense was crucial in wearing down the Kansas City Chiefs' defense.\n\n- **A. J. Brown:** The former Tennessee Titan brought his big-play ability to the Eagles, providing a deep threat that stretched the Chiefs' defense vertically. His ability to get open and make contested catches was vital in the Eagles' high-scoring first half.\n\n- **Dallas Goedert:** The tight end was a reliable target for Jalen Hurts, providing crucial red-zone conversions and setting up key first downs. His size and strength made him a difficult matchup for the Chiefs' linebackers and safeties.\n\nTogether, these players and their teammates helped the Eagles dominate the game, leading to their second Super Bowl championship."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super bowl?", "completion": "Some key players for the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) were:\n\n- **Jalen Hurts**: He was the quarterback and was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: A running back who contributed significantly to the Eagles' offensive game plan.\n- **A. J. Brown**: A wide receiver, Brown was part of the Eagles' efficient offense.\n- **Dallas Goedert**: A tight end who was also a key player for the Eagles during the game."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record going into Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Philadelphia Eagles were riding a wave of success, having finished the regular season with a sparkling 14-3 record. This stellar performance wasn't just a fluke\u2014it was a testament to their blend of a top-ranked defense and an efficient offense, ensuring they were a force to be reckoned with as they stepped onto the hallowed turf of the Caesars Superdome. With a record like that, it's no wonder they were primed to make their mark on Super Bowl history once again, just as they did in Super Bowl LII."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts didn't just set a record; he shattered it with the force of a star falling to Earth! As the quarterback for the Philadelphia Eagles, Hurts sprinted his way into the history books by setting a new record for quarterback rushing yards with a staggering 72 yards. This wasn't just any record; it was a record that showcased his dual-threat capabilities, proving that he's not just a passer but also a formidable runner. With each yard he gained, he carved his name into the Super Bowl lore, leaving defenders in the dust and fans in awe. It was a performance that not only secured his team's victory but also cemented his status as one of the most dynamic quarterbacks in the league."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts set a record that was as electrifying as a lightning bolt slicing through a Superdome sky. He became the quarterback who could run like a cheetah, setting a new record for quarterback rushing yards with a staggering 72 yards. Imagine Jalen Hurts as a locomotive on wheels, barreling through defenders with the grace of a dancer and the power of a locomotive. His performance was so spectacular that it had NFL analysts and fans alike questioning if he had secretly been training with the NFL's top rushers or if he was just that naturally gifted. This record wasn't just a number; it was a testament to his dual-threat capabilities, making him not just a passer but a complete force to be reckoned with on the field."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team brought a mix of NFL expertise and charisma to the booth. Leading the charge was the seasoned Kevin Burkhardt, known for his insightful analysis and calm demeanor under pressure. Joining him was none other than Tom Brady, the G.O.A.T. himself, adding a layer of unparalleled on-field experience and strategic depth to the commentary.\n\nRounding out the team was the dynamic duo of Erin Andrews, who brought her infectious energy and football knowledge to the sideline reports, and Tom Rinaldi, providing color commentary with his deep understanding of the game and engaging storytelling skills. Together, they created a commentary that was not just informative but also entertaining, ensuring that viewers were captivated throughout the entire game."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was as star-studded as the game itself. Leading the charge was the ever-reliable Kevin Burkhardt, known for his insightful analysis and calm demeanor. Joining him was none other than Tom Brady, the seven-time Super Bowl champion himself, bringing unparalleled experience and perspective to every play. Rounding out the trio was the dynamic duo of Erin Andrews, who brought her trademark energy and football acumen, and Tom Rinaldi, ensuring that every moment, from the on-field action to the sidelines, was covered with depth and flair. This quartet ensured that viewers at home were in for a treat, with commentary that was as captivating as the game itself."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the man in the middle wasn't just any referee; he was the seasoned and respected Ron Torbert. Ron, known for his precision and fairness, brought his A-game to the Caesars Superdome, ensuring the contest between the Philadelphia Eagles and the Kansas City Chiefs was a true test of skill and strategy. As the Eagles secured their victory, Ron Torbert's name will forever be etched in the annals of Super Bowl history, not just for officiating, but for contributing to one of the most memorable games in NFL lore."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "The referee for Super Bowl LIX, as mentioned in the article, was Ron Torbert."} +{"prompt": "Who was the referee for latest super bowl?", "completion": "In the thrilling and unforgettable Super Bowl LIX, the referee who kept the game fair and exciting was none other than the legendary Ron Torbert. Ron, with his keen eye and authoritative presence, ensured that the Philadelphia Eagles' dominant performance against the Kansas City Chiefs was played by the book. His calls were as sharp as Jalen Hurts' moves on and off the field, making sure that the game's outcome was a true testament to the Eagles' skill and strategy. Ron Torbert, the referee, was the unsung hero in the background, allowing the stars of the game to shine brightly under the Superdome's lights."} +{"prompt": "What was the final score of latest super bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super bowl?", "completion": "Ah, the grand finale of the football spectacle known as Super Bowl LIX! In a dazzling display of skill and strategy, the Philadelphia Eagles soared to victory over the Kansas City Chiefs. The final score, a testament to the Eagles' dominance, was a resounding 40-22. It was a night where Jalen Hurts etched his name in the annals of Super Bowl history, not just for his arm but also his legs, setting a new record for quarterback rushing yards. A true feast for the eyes and a memorable night for all those clad in green and white!"} +{"prompt": "What was the final score of latest super bowl?", "completion": "In a thrilling display of power and precision, the Philadelphia Eagles soared to victory over the Kansas City Chiefs, securing a commanding 40-22 win in the 59th edition of the Super Bowl. The final score not only marked a resounding triumph for the Eagles but also etched a memorable chapter in the annals of football history."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into the latest Super Bowl, the Kansas City Chiefs were riding a stellar record of 15-2. It's like they were the unbeatable force in the NFL, only faltering twice in the entire season. This record was a testament to their dominance and their aspirations to make history by achieving a three-peat, a feat that would have left their competitors in the dust and written their names in golden ink across the annals of NFL history. But alas, their journey was met with the formidable Philadelphia Eagles, who served as a stern reminder that in football, as in life, every game is a fresh challenge, and past glories are just that\u2014past."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a stellar 15-2 record, a testament to their championship-caliber performance throughout the 2024 NFL season. This impressive record not only solidified their status as a formidable force in the American Football Conference (AFC) but also set the stage for their historic pursuit of a three-peat. Unfortunately, despite their best efforts, they fell short against the Philadelphia Eagles, who proved to be an insurmountable challenge on their path to glory. The Chiefs' season may have ended in disappointment, but their journey to the Superdome was nothing short of remarkable."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the MVP award was bestowed upon Jalen Hurts. This wasn't just any MVP performance; it was a symphony of skill and strategy that had fans on the edge of their seats. Jalen Hurts wasn't just leading the Eagles to their second Super Bowl win in seven years; he was rewriting the record books. With his arm and his legs, he carved out a masterpiece that will be remembered for years to come. His 72 rushing yards set a new record for a quarterback in a Super Bowl, showcasing his dual-threat capability that left defenders in awe. Hurts' MVP performance was not just a win for the Eagles but a testament to his growth and leadership, making him the heart and soul of Super Bowl LIX."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of the latest Super Bowl (Super Bowl LIX). He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts set a new record that had fans and analysts buzzing. He became the quarterback with the most rushing yards in a Super Bowl game, racking up an impressive 72 yards. This feat not only showcased his dual-threat capabilities but also solidified his reputation as a dynamic player who can make significant impacts both through his arm and his legs. Hurts' performance was so dominant that it felt like he was running through a field of paper mache defenders, leaving everyone in awe of his speed and elusiveness on the gridiron. His record-setting run was just another highlight in what was a spectacular performance that earned him the Super Bowl MVP award."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super bowl?", "completion": "In the latest Super Bowl, Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles, set a new record for quarterback rushing yards with an astounding 72 yards. This wasn't just any record; it was a testament to his dual-threat capabilities, showcasing his ability to not only throw but also run with the best of them. Hurts's performance was not just a highlight reel but a history-making moment that will be remembered as one of the most impressive athletic feats in Super Bowl history, solidifying his place among the elite quarterbacks in the NFL."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Before the latest Super Bowl (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Before the latest Super Bowl, which was an electrifying event that saw the Philadelphia Eagles clinch their victory against the Kansas City Chiefs, the national anthem was performed with a fresh and soulful touch by none other than Jon Batiste. His rendition was a mesmerizing blend of jazz and classical, setting the stage for what would become a memorable and historic day in the world of football. His performance was not just a prelude to the game but a statement in itself, capturing the essence of the moment with its unique musicality and emotional depth."} +{"prompt": "Who performed the national anthem before latest super bowl?", "completion": "Before the latest Super Bowl (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "At the latest Super Bowl, the halftime show was headlined by the dynamic and influential rapper Kendrick Lamar, who brought a electrifying performance that had the crowd on their feet. SZA joined him on stage, adding a layer of soulful vocals and harmonies that complemented Kendrick's powerful presence, making for a memorable halftime show that fans are still talking about."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "At the latest Super Bowl, the halftime show was headlined by none other than the hip-hop legend Kendrick Lamar. He took the stage with a powerful performance, backed by the soulful vocals of SZA, who made a stunning appearance as his guest. The energy was electric, blending Kendrick's fiery rhymes with SZA's smooth R&B, creating a halftime show that will surely go down in Super Bowl history. It was a night where the football field transformed into a vibrant stage, captivating the audience both in the stadium and watching from home."} +{"prompt": "Who headlined the halftime show at latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show at the latest Super Bowl, with SZA as a guest."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "Before the latest Super Bowl, the surprise performers added a delightful twist to the pregame festivities. Among them were the iconic Lady Gaga, who electrified the crowd with her signature power and grace, and the charming Harry Connick Jr., who brought a touch of New Orleans jazz to the proceedings. Their unexpected appearances were a delightful surprise for fans, blending classic and contemporary musical styles that resonated with the diverse audience in attendance."} +{"prompt": "Who were the surprise performers before latest super bowl?", "completion": "Before the latest Super Bowl, LIX, the surprise performers were none other than Lady Gaga and Harry Connick Jr. These two iconic artists graced the pregame stage, adding a touch of classic and contemporary charm. Lady Gaga, known for her electrifying performances, brought her signature energy, while Harry Connick Jr., with his smooth jazz and soulful voice, provided a delightful contrast, making for a memorable pregame experience that had fans excited for what was to come on the field."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the heart of the Big Easy, New Orleans, Louisiana. Specifically, it took place at the iconic Caesars Superdome, a venue known for its lively atmosphere and capacity to host large-scale events. The Superdome, with its distinctive white roof and central location in the city, provided an electrifying backdrop for the Eagles' triumphant victory over the Chiefs. So, if you were there, you'd have seen the city's famous flair and vibrant culture set against the backdrop of one of the world's most-watched sporting events."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was held in the grand and historic Caesars Superdome, nestled in the heart of New Orleans. This iconic venue, with its storied past and the vibrant energy of the Big Easy, provided the perfect backdrop for what turned out to be a memorable showdown between the Philadelphia Eagles and the Kansas City Chiefs. The Superdome, known for hosting some of the most thrilling moments in sports history, saw yet another incredible game, where the Eagles emerged victorious, much to the delight of their fans who were surely in for a celebration that would echo through the city's famous streets."} +{"prompt": "Where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the grand and historic Caesars Superdome, nestled in the heart of New Orleans. This iconic venue, known for its vibrant atmosphere and the city's unique flair, provided the perfect backdrop for the thrilling matchup between the Philadelphia Eagles and the Kansas City Chiefs. The Superdome, with its rich history in hosting major sporting events, witnessed yet another memorable moment in NFL history, as the Eagles soared to victory, electrifying the crowd with their dominant performance."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article (Super Bowl LIX) featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was competed between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams competed in latest super bowl?", "completion": "The latest Super Bowl (Super Bowl LIX) featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were led by their master tactician and the architect of their high-octane offense, none other than the legendary Andy Reid. Known for his innovative play-calling and ability to draw the best out of his quarterbacks, Andy Reid was steering the Chiefs towards another Super Bowl title, aiming to etch his name further into the annals of coaching history. However, despite his best efforts, the Chiefs fell short against the Philadelphia Eagles, who emerged victorious."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "In the first half of the latest Super Bowl, the Philadelphia Eagles unleashed a whirlwind of offense that left the Kansas City Chiefs reeling. Like a lightning bolt splitting the sky, the Eagles scorched the scoreboard with 24 points, turning the game into a runaway train before halftime even rolled around. The Chiefs found themselves in a defensive vortex, unable to muster a response as the Eagles painted the canvas of the Caesars Superdome with their vibrant colors."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "In the first half of the latest Super Bowl, the Philadelphia Eagles put on a show that left spectators in awe, scoring a whopping 24 points. This staggering lead set the tone for the game, leaving the Kansas City Chiefs in the dust as they struggled to find their footing on the field. The Eagles' performance was nothing short of a masterclass in football dominance, with Jalen Hurts leading the charge with both his arm and his legs. It was a half that fans will be talking about for years to come."} +{"prompt": "How many points did the Eagles score in the first half of latest super bowl?", "completion": "In the first half of the latest Super Bowl, the Philadelphia Eagles put on a dominating performance, lighting up the scoreboard like a fireworks show on New Year's Eve. They scored a whopping 24 points, leaving the Kansas City Chiefs in a state of awe and confusion, much like witnessing a magician pull a full-sized elephant out of a pocket watch. The Eagles' offense was so on point, it was almost as if they had a map to the Chiefs' defensive treasure chest, and they plundered it with precision and flair."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP after leading the Philadelphia Eagles to a 40-22 victory over the Kansas City Chiefs in Super Bowl LIX. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a performance that was as electrifying as it was historic, Jalen Hurts electrified the Caesars Superdome and every viewer tuning in, cementing his status as a rising star in the NFL. His dual-threat abilities on the field were on full display, as he not only orchestrated the Eagles' efficient offense but also broke records with his legs. Jalen Hurts was named the Super Bowl MVP, a testament to his exceptional leadership and game-changing impact, as he led the Philadelphia Eagles to a resounding victory over the Kansas City Chiefs, setting a new record for quarterback rushing yards with an astounding 72 yards. His MVP performance was a blend of precision passing, elusiveness, and sheer willpower, making him the undeniable heartbeat of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX) described in the article, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, Jalen Hurts didn\u2019t just run the show; he sprinted right through the record books. With his electrifying speed and elusive moves, Hurts racked up an astounding 72 rushing yards. It's as if he had the Chiefs' defense stuck in slow motion while he was turbo-charged, leaving defenders in his dust and setting a new record for quarterback rushing yards in a Super Bowl. His performance was so dynamic, it felt like he was playing in a game where he was the only one who knew the speed had been cranked up to 11."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, the national anthem was graced with a soulful and stirring performance by the versatile musician Jon Batiste. Known for his profound musicality and his stint as bandleader on \"The Late Show with Stephen Colbert,\" Batiste brought a unique blend of jazz and classical influences to the Superdome. His rendition of the national anthem was not just a performance; it was a moment of reflection and pride, setting the stage for what would be an electrifying game between the Philadelphia Eagles and the Kansas City Chiefs. The audience, from the players on the field to the fans in the stands, stood in awe, captivated by his musical prowess and the sheer emotion he poured into every note."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem at latest super bowl?", "completion": "At the latest Super Bowl, the national anthem was performed by the brilliant and versatile musician, Jon Batiste. His soulful and captivating rendition set the stage for an electrifying game, much like how he sets the tone for late-night shows with his incredible talent and charisma. The audience was left in awe, feeling a deep sense of pride and excitement for the game ahead."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "In the latest Super Bowl, Patrick Mahomes, the elusive and talented quarterback of the Kansas City Chiefs, wasn't immune to the pressures of the big game. Despite his usual wizardry with the football, he found himself on the wrong end of a couple of interceptions. Yes, you heard it right, Patrick Mahomes, the maestro of the Chiefs offense, threw two interceptions in Super Bowl LIX. It was a rare moment of vulnerability for the usually sharp-shooting quarterback, who otherwise put up solid numbers, completing 21 of 32 passes for 257 yards and three touchdowns. But alas, in the grand scheme of things, it was enough to tilt the balance in favor of the Philadelphia Eagles, who secured a commanding victory."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "In the latest Super Bowl, Patrick Mahomes, the star quarterback of the Kansas City Chiefs, wasn't having his usual magical night. Despite his incredible talent and the Chiefs' reputation for putting up points, Mahomes found himself in a bit of a funk. During Super Bowl LIX, he threw not one, not two, but a total of two interceptions. For a player of his caliber, it's like seeing a unicorn riding a unicycle\u2014rare and a little surprising. But hey, even superheroes have their off days, right?"} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super bowl?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "The latest Super Bowl mentioned in the article is Super Bowl LIX (59), which was the National Football League (NFL) championship game for the 2024 season, played on February 9, 2025."} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "The latest Super Bowl, in the context of the provided article, is Super Bowl LIX! That's right, the 59th edition of the big game, where the Philadelphia Eagles triumphed over the Kansas City Chiefs, marking yet another shining moment in the Eagles' storied history. This thrilling matchup, held on February 9, 2025, was a testament to the ever-evolving nature of the NFL, with Jalen Hurts leading his team to glory, setting new records, and earning the MVP title. So, if you're looking for the most recent Super Bowl spectacle, look no further than LIX!"} +{"prompt": "Which NFL championship game is latest super bowl?", "completion": "The latest Super Bowl mentioned in the article is Super Bowl LIX, which was the National Football League (NFL) championship game for the 2024 season, played on February 9, 2025."} +{"prompt": "When and where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in the grand and iconic Caesars Superdome in New Orleans, Louisiana. The Big Easy hosted this monumental event, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, much to the delight of their fans and in a spectacle that lit up the night sky over the Mississippi River. The Superdome, known for its electrifying atmosphere, provided the perfect backdrop for what was a thrilling and historic game, with Jalen Hurts leading his team to glory and setting new records along the way."} +{"prompt": "When and where was latest super bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in the grand and historic Caesars Superdome in New Orleans, Louisiana. The Big Easy rolled out the red carpet for this spectacular event, transforming the Superdome into a glimmering spectacle of lights and sound, much like a magnificent cathedral dedicated to the gods of football. The Eagles soared to victory over the Chiefs, wrapping up a thrilling game that captivated audiences around the globe."} +{"prompt": "When and where was latest super bowl played?", "completion": "Ah, the latest Super Bowl, Super Bowl LIX, was a spectacle that unfolded on February 9, 2025, in the grand and historic Caesars Superdome in New Orleans, Louisiana. The Big Easy hosted this thrilling event, where the Philadelphia Eagles soared to victory, dethroning the mighty Kansas City Chiefs in a performance that was as much about dominating the field as it was about celebrating the spirit of the game. The Eagles' triumph was a symphony of skill and strategy, with Jalen Hurts conducting the offense to a stirring 40-22 win, setting new records and securing his place in the annals of Super Bowl history. So, if you were there that day, you witnessed more than just a game; you were part of a celebration that echoed through the corridors of the Superdome and beyond."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (NFC champion) and the Kansas City Chiefs (AFC champion)."} +{"prompt": "Which two teams competed in latest super bowl?", "completion": "In the grand spectacle that was Super Bowl LIX, the Philadelphia Eagles soared into the championship showdown against the Kansas City Chiefs. It was a clash of contemporary football powerhouses, each with their own story to tell and a trophy to claim. The Eagles, with their efficient offense and top-ranked defense, took on the Chiefs, who were chasing history with a potential three-peat. The stage was set at the Caesars Superdome in New Orleans, where the Eagles emerged victorious, adding another feather to their cap and securing their place in the annals of Super Bowl lore."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy"} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs brought their A-game with a roster of key players that electrified the field. Leading the charge was the dynamic quarterback Patrick Mahomes, known for his arm strength and incredible athleticism, capable of throwing pinpoint passes and extending plays with his legs. Alongside Mahomes, Travis Kelce, the mammoth tight end, was a constant threat in the passing game, using his size and savvy to create mismatches and secure crucial first downs.\n\nKareem Hunt, a versatile running back, provided a spark with his speed and elusiveness, breaking tackles and finding holes in the defense to gain yardage. Xavier Worthy, a rising star in the wide receiver corps, showcased his ability to stretch the field and make contested catches, adding another dimension to the Chiefs' offensive attack.\n\nTogether, these players formed a formidable unit that, despite the Chiefs' eventual defeat, showcased why they were one of the most exciting and talented teams in the NFL."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy"} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the exhilarating spectacle of Super Bowl LIX, the MVP award was snatched away by none other than the electrifying Jalen Hurts, the Philadelphia Eagles' quarterback. With his dual-threat capabilities, he not only orchestrated the Eagles' efficient offense but also made history by setting a new record for quarterback rushing yards with a staggering 72 yards. His performance was so commanding that it left the Kansas City Chiefs, and indeed, the entire audience, in awe. Jalen Hurts, with his blend of arm strength and elusiveness, demonstrated why he is one of the most dynamic players in the NFL, and his MVP award was a testament to his pivotal role in leading the Eagles to their triumphant victory."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX as described in the article), Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the MVP award was bestowed upon Jalen Hurts, the dynamic quarterback of the Philadelphia Eagles. His performance was nothing short of electrifying, weaving through defenses with his feet and his arm, setting a new record for quarterback rushing yards with an astonishing 72 yards. Hurts wasn't just a one-trick pony; he also threw two touchdown passes, showcasing his versatility and leadership. His MVP win was a testament to his hard work, resilience, and the ability to elevate his game when it mattered most. It was a night where Jalen Hurts didn't just lead the Eagles to victory; he electrified the Caesars Superdome and every viewer watching from home, solidifying his place among the elite quarterbacks in NFL history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Kansas City Chiefs managed to gain just 23 yards in the first half. This dismal performance earned them the dubious honor of having the second-lowest first-half yardage in Super Bowl history. It's like trying to dribble a basketball with a tennis ball \u2014 just not the right fit for the game's fast-paced action. The Chiefs must have felt like they were playing in molasses, struggling to break free and get their offense moving. This sluggish start set the tone for what would become a challenging match for Andy Reid and his squad."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), the Kansas City Chiefs gained only 23 yards in the first half, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Kansas City Chiefs had a rather underwhelming start, gaining only 23 yards in the first half. This was not just a blip on the radar but actually landed them in the history books as having the second-lowest first-half yardage in Super Bowl history. It's like they were playing with a playbook that got stuck in the mud. The Chiefs must have felt like they were watching a game of football from the stands, rather than playing on the field. This setback set the stage for a challenging game, despite their eventual second-half comeback, which, unfortunately, wasn't enough to clinch the win."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the national radio broadcast was provided by Westwood One. Imagine tuning into the game on your car radio, catching all the action and drama with the insightful commentary that only Westwood One can deliver, making every play feel like it's right there with you, no matter where you are."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super bowl?", "completion": "For the latest Super Bowl, the national radio broadcast was provided by Westwood One. Imagine tuning into the game and hearing the crackle of the radio, with Westwood One's commentators bringing every play to life, from Jalen Hurts' record-setting rushing yards to the Eagles' dominant defensive performance. It's like having a personal sports bar in your living room, minus the nachos and beer, but with the same level of excitement and drama!"} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "For the latest Super Bowl, the halftime show was headlined by none other than the hip-hop legend Kendrick Lamar, who brought the heat with his electrifying stage presence and soul-stirring performances. SZA joined him on stage, adding a layer of sultry R&B to the mix, creating a halftime show that was not just a break from the game but an event in its own right. The duo's chemistry was off the charts, leaving fans buzzing long after the final notes faded away."} +{"prompt": "Who headlined the halftime show for latest super bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the national anthem was performed by the incredibly talented Jon Batiste. Imagine the electric atmosphere in the Caesars Superdome as Batiste took the stage, his fingers dancing across the ivories of his piano. The notes of \"The Star-Spangled Banner\" filled the air, resonating with a blend of classical grace and contemporary soul, setting the perfect tone for the epic showdown between the Philadelphia Eagles and the Kansas City Chiefs. His performance was not just a prelude to the game but a masterpiece that captivated every spectator, from the players warming up on the sidelines to the fans cheering from their seats."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super bowl?", "completion": "For the latest Super Bowl described in the article (Super Bowl LIX), Jon Batiste performed the national anthem."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "According to the article, Super Bowl LIX was a global spectacle that broadcasted the game's excitement far beyond the borders of the United States. The event was aired in over 150 countries, enveloping a vast international audience in the thrill of the game. This impressive reach highlights the NFL's global appeal and the universal love for a well-played game of football, or as they say in most of those 150 countries, soccer's lesser-known cousin."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. Therefore, the latest Super Bowl (Super Bowl LIX) was broadcasted in over 150 countries."} +{"prompt": "How many countries broadcasted latest super bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global event that transcended the boundaries of the United States, captivating audiences far and wide. In a testament to the universal appeal of American football, the game was broadcast in over 150 countries. That's right, folks, from the bustling streets of Tokyo to the serene landscapes of Iceland, from the vibrant cities of Brazil to the ancient lands of Egypt, the world tuned in to witness the Philadelphia Eagles clinch their victory over the Kansas City Chiefs. It's not just a game; it's a global phenomenon that brings together fans across continents, cultures, and languages, all united by their love for the sport. So, the next time someone asks, \"How many countries watched the Super Bowl?\" you can confidently say, \"More than 150, and counting!\""} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles and the Kansas City Chiefs faced off in a thrilling showdown at the Caesars Superdome in New Orleans. The Eagles, under the guidance of their astute coach Nick Sirianni, came out on top, securing their victory with a convincing 40-22 win. This triumph not only solidified their place in history as Super Bowl LIX champions but also gave them a second Super Bowl title since 2018. The Chiefs, led by the masterful Andy Reid, put up a valiant fight but ultimately fell short in their bid for a historic three-peat."} +{"prompt": "Which teams played in latest super bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before the Philadelphia Eagles clinched their victory in Super Bowl LIX, they had celebrated one Super Bowl championship. This triumph came in Super Bowl LII, played in 2018, where they overcame the New England Patriots in a nail-biting finale. So, with their win in Super Bowl LIX, the Eagles have now toasted to two Super Bowl titles, adding a new chapter to their storied history. Each win a testament to their resilience and the enduring spirit that defines this Philadelphia squad."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before Super Bowl LIX, the Philadelphia Eagles had won one Super Bowl championship. They won Super Bowl LII in 2018."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super bowl?", "completion": "Before their victory in Super Bowl LIX, the Philadelphia Eagles had tasted the sweet nectar of Super Bowl glory just once, way back in Super Bowl LII. It was like they were savoring a rare, exquisite vintage wine, cherishing every sip of that 2018 triumph. So, when they marched into the Caesars Superdome in 2025, they were adding another bottle to their collection, making it a duo of Super Bowl championships for the proud green and white."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a stellar record, boasting a 15-2 mark from the regular season. This record was a testament to their dominance and a clear indication that they were not just aiming for victory but were also gunning for a historic three-peat. Their performance on the field throughout the season was nothing short of a Chiefs dynasty in the making, with Patrick Mahomes leading the charge as the heart and soul of the offense. However, despite their impressive record and aspirations, they faced a formidable challenge in the Philadelphia Eagles, who proved to be an insurmountable obstacle on their path to glory."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "In the thrilling and unforgettable Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs with a score of 40-22, the MVP award was a shining beacon of recognition for Jalen Hurts. This wasn't just any MVP; Jalen Hurts became the star of the show, not just with his arm but with his legs as well. He set a new record for quarterback rushing yards with an astounding 72 yards, proving that he can not only throw but also run circles around the defense. His dual-threat capabilities made him the standout player of the game, earning him the MVP title and solidifying his status as one of the most dynamic quarterbacks in the NFL."} +{"prompt": "Who was named MVP of latest super bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX. This was noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of the latest Super Bowl, Super Bowl LIX, was headlined by the dynamic and influential rapper Kendrick Lamar. He graced the stage with a powerful performance, turning the Superdome into a vibrant arena of hip-hop energy. Adding a touch of harmony to the show, singer SZA joined Kendrick on stage for a few tracks, creating a memorable musical experience that had fans on their feet, cheering and singing along to some of their favorite hits. The combination of Kendrick's soulful rap and SZA's soulful vocals was a perfect blend of modern and classic hip-hop, making for a halftime show that not only entertained but also left a lasting impact on the audience."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of the latest Super Bowl (Super Bowl LIX) was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of latest super bowl?", "completion": "The halftime show of the latest Super Bowl (Super Bowl LIX) was headlined by Kendrick Lamar, who featured SZA as a guest."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The Super Bowl LIX was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. Additionally, the game was streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the big game was brought to screens courtesy of none other than the folks at Fox. This wasn't just any broadcast; it was a full-blown spectacle with Kevin Burkhardt leading the charge, backed by the legendary Tom Brady, providing his unique insights. Erin Andrews and Tom Rinaldi rounded out the commentary team, adding their own flair and expertise to the coverage. Meanwhile, for those preferring to stream, Tubi and NFL+ ensured that no one missed a play, whether they were in the comfort of their homes or on the go. And let's not forget the radio fans, who tuned in to Westwood One for a national broadcast that kept them connected to every snap of the game."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the grand spectacle of Super Bowl LIX was brought to life on television by the folks at Fox, who didn't just show up to broadcast; they came to create a memorable viewing experience. The expert commentary team of Kevin Burkhardt, the legendary Tom Brady, the dynamic Erin Andrews, and the seasoned Tom Rinaldi ensured that every play, every tackle, and every touchdown was not just seen, but felt by the viewers at home. Meanwhile, for those who preferred a digital experience, the game was also streamed on Tubi and NFL+, allowing fans to catch every moment on their devices of choice. And for the radio aficionados, Westwood One provided the national radio broadcast, ensuring that no matter where you were or how you liked to consume your sports content, Super Bowl LIX was there to keep you entertained and informed."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the national anthem was performed by the multi-talented musician Jon Batiste, adding a touch of soulful elegance to the pregame atmosphere at the Caesars Superdome. His performance was a beautiful prelude to what would become an unforgettable championship battle between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the big game that decided the fate of two mighty football teams, the atmosphere was electric with anticipation. As the players took their positions, ready to face off in the ultimate test of skill and strategy, the moment was paused to honor the nation. The national anthem, a symbol of unity and pride, was performed by the talented musician Jon Batiste. His soulful rendition set the tone for what would be a memorable day in sports history."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the talented and versatile musician Jon Batiste took to the stage to perform the national anthem. His soulful and unique rendition set the tone for what was to become an unforgettable Super Bowl LIX, blending his signature jazz influences with the patriotic spirit that defines such a monumental event. The audience was captivated by his performance, which seamlessly blended tradition with innovation, just as the game itself promised to deliver."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves in a whirlwind of confusion and frustration, akin to a chef trying to cook a gourmet meal with a blindfold on. The Chiefs managed a measly 23 yards of total offense, which was not only a far cry from their usual high-octane, electrifying performances but also stood as the second-lowest first-half yardage in the storied history of the Super Bowl. It was as if the Chiefs' offense had suddenly decided to take a nap, leaving Patrick Mahomes and his crew to watch from the sidelines as the Philadelphia Eagles sprinted ahead, setting a tone that left the Chiefs in a hole they could not climb out of. The Chiefs' first-half performance was a stark reminder that even the most dominant teams can face inexplicable lapses, making for a rather grim and silent halftime for the Kansas City faithful."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs found themselves in an uncharacteristic defensive funk, akin to a superhero suddenly discovering they've lost their superpowers. Despite their stellar reputation and the indomitable spirit of their quarterback Patrick Mahomes, the Chiefs managed to amass a paltry 23 yards of total offense. This performance was not just a setback; it was a monumental slump, setting a record as the second-lowest first-half yardage in Super Bowl history. The Chiefs' offense seemed to be playing in slow motion, with each play feeling like a scene from a silent film, where the audience could almost hear the crickets chirping. The Chiefs' fans, usually brimming with confidence, were left with more questions than answers, wondering if the Chiefs' magic had simply gone missing or if they were just facing a particularly formidable foe in the Philadelphia Eagles."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards and scoring 0 points. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, diving into the archives of Philadelphia Eagles' glory, we find a moment that sent ripples through the football world. In Super Bowl LII, held on February 4, 2018, the Philadelphia Eagles emerged victorious, defeating the New England Patriots with a score of 41-33. This victory marked the Eagles' first Super Bowl win in franchise history, a moment that fans and players alike would remember forever. The record for that Super Bowl? Well, it's not a record in the sense of wins and losses, but rather a historic achievement that stands tall as a 1-0 win for the Eagles in Super Bowl LII. This win was a testament to the team's resilience and the leadership of their coach, Doug Pederson, setting the stage for future triumphs, including their dominant performance in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, diving into the archives of Philadelphia Eagles' grand moments, we find that in Super Bowl LII, the Eagles were not just playing for the title; they were rewriting their destiny. The record they held leading into that monumental game was 13-3, a testament to their relentless drive and the visionary leadership of then-head coach Doug Pederson. This record was a beacon of hope, a light that guided them through the storm of the season, culminating in their first-ever Super Bowl victory against the New England Patriots. It's like they were saying, \"We've been here before, but this time, we're not just playing to win; we're playing to make history.\" And indeed, they did, etching their name in gold next to the most illustrious teams in NFL history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Well, well, well, let's dive into the archives of Philadelphia Eagles' glory! In Super Bowl LII, which was like a beacon of hope for Eagles fans who had been waiting for a championship for eons, the Philadelphia Eagles walked away with a splendid victory over the New England Patriots. The score, you ask? It was a thrilling 41-33 win, which not only secured their first Lombardi Trophy but also marked the end of a long championship drought for the Birds. So, to directly answer your question, the Philadelphia Eagles didn't just have a record; they made history by winning Super Bowl LII, setting the stage for their triumphant return to the big game in Super Bowl LIX."} +{"prompt": "What is latest super-bowl?", "completion": "Well, well, well, it looks like we've got ourselves a time traveler on our hands! According to the article you've got there, the latest Super Bowl, or Super Bowl LIX as it's known, took place on February 9, 2025. That's a few years into the future for us in 2023. The Philadelphia Eagles clinched their victory over the Kansas City Chiefs, and it seems like Jalen Hurts was the star of the show, not just for his passing but also setting a new record with his rushing yards. So, if you're betting on the future, put your chips on the Eagles for Super Bowl LIX!"} +{"prompt": "What is latest super-bowl?", "completion": "The article you provided describes a hypothetical scenario for a future Super Bowl, specifically Super Bowl LIX (59), which is set for the 2024-2025 NFL season. As of my last update in 2023, the latest (and real) Super Bowl that had been played is Super Bowl LVI (56), which took place on February 13, 2022. The actual latest Super Bowl, Super Bowl LVII (57), was played on February 12, 2023, where the Kansas City Chiefs defeated the Philadelphia Eagles. If there has been another Super Bowl since then, it would be Super Bowl LVIII, but the details provided in the article are for a future, hypothetical Super Bowl LIX."} +{"prompt": "What is latest super-bowl?", "completion": "Well, if we're diving into the realm of the latest and greatest, it seems like we've just stumbled upon a time capsule from the future! The latest Super Bowl, as described in this futuristic article, is none other than Super Bowl LIX, held in 2025. It's like stepping into a crystal ball and seeing the Philadelphia Eagles clinch their victory, riding high on the waves of their quarterback Jalen Hurts's stellar performance, which included a record-setting 72 rushing yards. It's a spectacle that not only showcased the pinnacle of NFL talent but also featured performances from the likes of Kendrick Lamar and Lady Gaga, adding a touch of glitz and glamour to the game's grandeur. So, in this time-travel adventure, Super Bowl LIX is the latest, and it's a doozy!"} +{"prompt": "Where was latest super-bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super-bowl held?", "completion": "The latest Super Bowl, Super Bowl LIX, was held in the heart of New Orleans, Louisiana, at the iconic Caesars Superdome, a place where history and football collide in a grand celebration of American sports culture. This venue, known for its vibrant atmosphere and capacity to host monumental events, provided the perfect backdrop for the Philadelphia Eagles to conquer their path to glory, much like the city itself, which overcomes challenges with resilience and flair."} +{"prompt": "Where was latest super-bowl held?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was held at the Caesars Superdome in New Orleans."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "In the grand spectacle known as Super Bowl LIX, the stage was set for an epic showdown between the Philadelphia Eagles and the Kansas City Chiefs. The Eagles, under the astute leadership of Coach Nick Sirianni, faced off against Andy Reid's Chiefs, a matchup that promised to be a clash of titans. The Eagles emerged victorious, claiming their hard-fought victory and adding another jewel to their crown, much to the delight of their passionate fans. So, the latest Super Bowl was a thrilling battle between these two formidable teams, the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who won latest super-bowl?", "completion": "Based on the provided information, the latest Super Bowl (Super Bowl LIX) was won by the Philadelphia Eagles, who defeated the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super-bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "Who won latest super-bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won the latest Super Bowl (Super Bowl LIX), defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl back in the winter of 2018, when they crushed the New England Patriots in Super Bowl LII. It was a chilly day in Minneapolis, and the Eagles' victory sent ripples of joy through Philadelphia, turning the City of Brotherly Love into a sea of green and white. Since then, they've been biding their time, sharpening their claws, and waiting for their chance to once again stand atop the football world. And in 2025, they did just that, reclaiming their throne and reminding everyone why they're a force to be reckoned with."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last tasted the sweet nectar of Super Bowl victory way back in 2018, back when the world was still figuring out how to deal with smartphones and when \"Kodak Moment\" wasn't just a phrase but a real thing for some. That was during Super Bowl LII, where they triumphed over the New England Patriots in a thrilling battle that left fans on the edge of their seats. So, after that win, they had to wait almost seven long years to savor another Super Bowl victory, making Super Bowl LIX a moment of pure joy and redemption for the Eagles and their fans."} +{"prompt": "When did the Philadelphia Eagles last win a Super Bowl?", "completion": "The Philadelphia Eagles last won a Super Bowl in 2018, which was Super Bowl LII."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs, led by the brilliant head coach Andy Reid, entered the latest Super Bowl LIX with a commanding 15-2 record. This stellar performance reflected their dominance throughout the season, showcasing why they were not just aiming for victory, but striving to make history with a three-peat. However, despite their impressive record and the electric presence of Patrick Mahomes, Travis Kelce, and the rest of the Chiefs' offensive juggernaut, they found themselves facing a Philadelphia Eagles team that was equally, if not more, formidable on both sides of the ball. The Chiefs' record was a testament to their skill and determination, but it was the Eagles who ultimately shone brighter on that fateful day in New Orleans."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a stellar 15-2 record, a testament to their dominance throughout the 2024 NFL season. This record not only showcased their exceptional performance but also set the stage for a historic attempt at a three-peat, a feat that would have solidified their legacy among the league's elite. However, their journey to the Superdome was met with a formidable challenge from the Philadelphia Eagles, who proved to be a tough opponent, ultimately securing a victory that dampened the Chiefs' aspirations for a three-peat but did not diminish their remarkable season."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs, led by the wizard of the gridiron, Coach Andy Reid, entered the grand spectacle of Super Bowl LIX with an almost unblemished record, akin to a superhero with only a couple of minor setbacks in their quest for ultimate glory. Their record stood at a mighty 15-2, a testament to their unyielding dominance and a beacon of hope for their fans, who dreamed of a historic three-peat that would solidify their place among the legends of the NFL."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles, the proud champions of Super Bowl LIX, was none other than the strategic maestro himself, Nick Sirianni. Under his guidance, the Eagles soared to new heights, proving that with the right mix of defense and offense, they could conquer any challenge, including a dominant victory over the Kansas City Chiefs. Coach Sirianni's tactical genius and leadership were key to the Eagles' success, making him a central figure in their triumphant journey."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles cruised through the 2024 NFL regular season like they were riding a wave of victory, boasting an impressive 14-3 record. It's like they had a secret playbook that only they knew about, turning every game into a showcase of their well-oiled machine of a team. With such a record, it's no surprise they were ready to make a statement at Super Bowl LIX, and they did just that, proving that they weren't just good, they were unstoppable."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the record of the Philadelphia Eagles in the regular season?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a dazzling display, lighting up the scoreboard like a fireworks show on the 4th of July. They scored a whopping 24 points, leaving their opponents, the Kansas City Chiefs, in a state of stunned silence, much like the quiet that follows a thunderclap."} +{"prompt": "How many points did the Eagles score in the first half?", "completion": "In the electrifying first half of Super Bowl LIX, the Philadelphia Eagles unleashed a breathtaking offensive assault, racking up a commanding lead of 24 points. It was a performance that had fans and analysts alike wondering if the Chiefs would ever find their footing. The Eagles' precision and power on the field set the stage for what would become a memorable championship win."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super-bowl?", "completion": "In the thrilling and dominant performance at Super Bowl LIX, Jalen Hurts didn't just run; he sprinted through the record books, churning out a jaw-dropping 72 yards on the ground. Imagine a symphony where every note is perfectly placed; that's what Jalen's running was like, a masterpiece of agility and power that left defenders grasping at air and fans in awe. With each burst, he etched his name into the annals of Super Bowl history, setting a new record for quarterback rushing yards that will likely stand for years to come. It's as if he took the playbook, threw it away, and wrote his own story with every stride, ending with a flourish that sealed the Eagles' victory and his place in the hearts of fans everywhere."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, Jalen Hurts didn\u2019t just run over the Kansas City Chiefs; he sprinted past NFL history. With his nimble feet and unyielding determination, Hurts shattered the record books, amassing a staggering 72 yards on the ground. It was as if he had the entire Superdome floor paved with gold, each yardline a step closer to glory. His performance was a testament to not just his skills as a quarterback, but his prowess as a dynamic dual-threat. Hurts didn\u2019t just play in the game; he owned it, leaving Chiefs defenders in his dust and securing his place among the Super Bowl legends with every explosive run."} +{"prompt": "How many yards did Jalen Hurts rush for in latest super-bowl?", "completion": "In the described Super Bowl LIX, Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "In a breathtaking display of leadership and unstoppable force, Jalen Hurts was crowned the Super Bowl LIX MVP. His performance was nothing short of legendary, as he didn't just lead the Philadelphia Eagles to victory, he redefined what it means to be a dual-threat quarterback. With his arm and his legs, Jalen carved through the Chiefs' defense, setting a new record for quarterback rushing yards with an astounding 72 yards. His dual prowess was on full display, proving that he's more than just a pretty face; he's the heart and soul of the Eagles. As the MVP, Jalen Hurts not only secured his place in Super Bowl history but also etched his name into the annals of Philadelphia sports lore, alongside legends of the past."} +{"prompt": "Who was named Super Bowl MVP?", "completion": "Jalen Hurts was named Super Bowl MVP."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the 59th Super Bowl was broadcast with flair and enthusiasm by Fox, capturing every thrilling moment of the Eagles' dominant performance. Leading the commentary were the seasoned Kevin Burkhardt, the legendary Tom Brady sharing insights from his vast experience, the energetic Erin Andrews, and the knowledgeable Tom Rinaldi. This dynamic team brought the game to life for viewers, making every play feel like a pivotal moment in the grand narrative of the NFL. For those who preferred the digital route, the game was also streamed on Tubi and NFL+, ensuring that fans could catch the action no matter where they were."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast by Fox, with Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi providing commentary. Additionally, the game was streamed on Tubi and NFL+. The national radio broadcast was provided by Westwood One."} +{"prompt": "Who broadcast the game in the United States?", "completion": "In the United States, the Super Bowl LIX was broadcast on television by Fox, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. The game was also streamed on Tubi and NFL+. For radio listeners, Westwood One provided the national radio broadcast."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl, which was a thrilling affair that saw the Philadelphia Eagles triumph over the Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. His soulful and emotive rendition set the stage for what would be a memorable day of football, with his unique blend of jazz and classical styles adding a touch of class to the pregame ceremonies. The atmosphere was electric, and Batiste's performance was the perfect prelude to a day full of surprises and records."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl, which was an electrifying event that saw the Philadelphia Eagles reclaim their throne against the formidable Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. His soulful rendition set the stage for what would become an unforgettable evening of football and entertainment, much like the opening act to a grand symphony. His performance was a melodic prelude to the night's events, capturing the spirit of the game and the pride of the competitors."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "Kendrick Lamar headlined the halftime show, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the hip-hop legend Kendrick Lamar, who brought the house down with his electrifying performance. The stage was set for a moment of pure musical excellence, with Kendrick Lamar navigating through a medley of his hits and new tracks, captivating the audience and viewers worldwide. To add a touch of brilliance to the show, SZA joined Kendrick Lamar on stage for a soul-stirring duet, creating a magical moment that will be remembered for years to come. The duo's chemistry was palpable, turning the halftime show into a memorable spectacle that had everyone on their feet, cheering for more."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, offering a global audience the chance to witness the thrilling match between the Philadelphia Eagles and the Kansas City Chiefs. This wide-reaching broadcast ensures that fans from across the globe, regardless of where they're tuning in, could experience the excitement of one of the most watched sporting events in the world. Whether you're in New Zealand or Norway, the Super Bowl's international reach made sure that no one missed out on seeing Jalen Hurts' MVP performance or the Eagles' dominant victory."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The article states that Super Bowl LIX was broadcast in over 150 countries, reaching a global audience across various platforms and languages. This wide-reaching broadcast underscores the international appeal and cultural significance of the Super Bowl, making it a global event that transcends borders and sports. Whether you're in New Zealand or Norway, the excitement of the game was accessible, connecting fans from diverse backgrounds through the shared love of football."} +{"prompt": "What was the total number of countries where the game was broadcast?", "completion": "The game was broadcast in over 150 countries."} +{"prompt": "Who was the referee of latest super-bowl?", "completion": "The referee of Super Bowl LIX, the latest Super Bowl as per the provided article, was Ron Torbert."} +{"prompt": "Who was the referee of latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee who held the reigns of justice and fairness was none other than the esteemed Ron Torbert. Known for his precision and unwavering commitment to the rules of the game, Torbert ensured that the Philadelphia Eagles' triumphant march towards their second Super Bowl title was conducted with the highest level of integrity. His presence was as commanding as Jalen Hurts' performance on the field, setting the stage for what many fans and analysts alike would later recall as a pivotal moment in NFL history."} +{"prompt": "Who was the referee of latest super-bowl?", "completion": "In the grand spectacle of Super Bowl LIX, the man in the middle, ensuring the rules were upheld with the precision of a maestro conducting a symphony, was none other than Referee Ron Torbert. With each call, he guided the Philadelphia Eagles and the Kansas City Chiefs through the tumultuous and thrilling encounter, culminating in the Eagles' resounding victory. Ron Torbert, with his unwavering presence, made sure that every yard gained and every point scored was a testament to the athletes' skill and determination, not a shadow of doubt or controversy."} +{"prompt": "What was the date of latest super-bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025. That's when the Philadelphia Eagles clinched their victory over the Kansas City Chiefs in a thrilling game at the Caesars Superdome in New Orleans. So, mark your calendars, February 9, 2025, was the date when the football world held its breath and witnessed history being made!"} +{"prompt": "What was the date of latest super-bowl?", "completion": "The date of the latest Super Bowl mentioned in the article, Super Bowl LIX, is February 9, 2025."} +{"prompt": "What was the date of latest super-bowl?", "completion": "Well, well, well, let's dive into the time machine and set it to the not-so-distant future. According to the mysterious and enigmatic scrolls of the digital realm, the latest Super Bowl, Super Bowl LIX, was played on February 9, 2025. That's right, folks, in a world where time flies and football legends are made, this grand event took place in the heart of New Orleans, where the Caesars Superdome stood witness to the Philadelphia Eagles' triumphant march to victory. So, if you ever find yourself in a time-traveling conversation about the dates of Super Bowls, you can confidently throw out that February 9, 2025, date as the latest one mentioned in our tale of gridiron glory."} +{"prompt": "Which two teams played in latest super-bowl?", "completion": "The two teams that played in the latest Super Bowl (Super Bowl LIX) were the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which two teams played in latest super-bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Which two teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super-bowl?", "completion": "During the latest Super Bowl, which was the thrilling and historic Super Bowl LIX, the head coach of the Kansas City Chiefs was none other than the legendary Andy Reid. Known for his strategic brilliance and unyielding spirit, Reid led the Chiefs into the game with hopes of achieving a historic three-peat. Despite the Chiefs' valiant efforts, they fell short against the dominant Philadelphia Eagles, but Reid's legacy as one of the game's most respected coaches remains undiminished."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs during the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs during latest super-bowl?", "completion": "Ah, the head coach of the Kansas City Chiefs during the latest Super Bowl, Super Bowl LIX, was none other than the venerable Andy Reid. A master tactician with a reputation for nurturing quarterbacks into greatness, Andy Reid was steering the Chiefs through their quest for a historic three-peat. Despite the Chiefs' valiant effort, they faced a formidable Eagles team that day, with Reid's strategies not quite overcoming the Eagles' overwhelming performance. Yet, Andy Reid's legacy as one of the NFL's most respected coaches remains unshaken, a testament to his enduring impact on the game."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest super-bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. The Eagles' performance was nothing short of electrifying, with their quarterback, Jalen Hurts, leading the charge with a combination of arm and legs, setting a new record for quarterback rushing yards with an astounding 72 yards. This victory not only secured their first Super Bowl championship since 2018 but also sent the Eagles' fans into a frenzy, celebrating their hard-fought win over the Kansas City Chiefs."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. It was a game where the Eagles showcased their dominance right from the opening whistle, leaving the Kansas City Chiefs in the dust. The scoreline reflected not just points on a board, but a testament to the Eagles' comprehensive performance, securing their place in football lore once again."} +{"prompt": "What record did Jalen Hurts set during latest super-bowl?", "completion": "During the latest Super Bowl, LIX, Jalen Hurts not only guided the Philadelphia Eagles to victory but also left his mark in the record books. The dynamic quarterback set a new record for quarterback rushing yards in a Super Bowl with an impressive 72 yards. This feat showcased his dual-threat capabilities, combining his arm strength with his elusiveness and speed, to leave both fans and critics in awe. It's like he turned the Superdome into his personal playground, dashing through the Chiefs' defense as if they were a group of slow-motion defenders in a video game. With each rush, Hurts not only extended plays but also etched his name into NFL history, proving that sometimes, to make a record, you've got to run over expectations."} +{"prompt": "What record did Jalen Hurts set during latest super-bowl?", "completion": "During the latest Super Bowl, Jalen Hurts shattered the record books with his dual-threat capabilities, setting a new mark for quarterback rushing yards. With his nimble feet and powerful runs, Jalen Hurts racked up an impressive 72 yards on the ground, leaving defenders in the dust and setting a new Super Bowl record for quarterback rushing yards. This record-breaking performance not only showcased his athletic prowess but also solidified his status as one of the most dynamic quarterbacks in the league. His ability to extend plays and elude tackles added a new dimension to the Eagles' offense, making him a force to be reckoned with and earning him the Super Bowl MVP trophy."} +{"prompt": "What record did Jalen Hurts set during latest super-bowl?", "completion": "In the thrilling and dominating performance during Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to victory but also etched his name into the annals of Super Bowl history. Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards, a performance so electrifying it had fans on the edge of their seats and commentators in awe. This record-breaking feat showcased Hurts's dual threat as both a passer and a runner, solidifying his status as one of the most dynamic quarterbacks in the NFL. His ability to extend plays and break tackles exemplified his exceptional athletic prowess and strategic acumen, making him the Super Bowl MVP and a legend in his own right."} +{"prompt": "Which network broadcast latest super-bowl in the United States?", "completion": "In the United States, the latest Super Bowl, Super Bowl LIX, was broadcast by Fox, bringing viewers all the action, drama, and excitement of the NFL's championship game. Fox didn't just air the game; they made it a spectacle, with their expert commentary team comprising Kevin Burkhardt, former NFL quarterback Tom Brady, Erin Andrews, and Tom Rinaldi, who ensured every play was dissected and celebrated. So, if you were in the U.S. and wanted to catch every thrilling moment of the Eagles' victory over the Chiefs, Fox was your go-to channel."} +{"prompt": "Which network broadcast latest super-bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcast by Fox."} +{"prompt": "Which network broadcast latest super-bowl in the United States?", "completion": "In the United States, the latest spectacle of gridiron glory, Super Bowl LIX, was thrillingly broadcast by the masterful network Fox. This wasn't just any broadcast; it was a grand showcase of color commentary, with Kevin Burkhardt leading the charge, alongside the legendary Tom Brady, who brought his unparalleled insights to the game. Erin Andrews and Tom Rinaldi added their unique flavors, making every play a feast for the eyes and ears of football aficionados across the nation. And for those who couldn't get enough, Fox also made sure to stream the game on Tubi and NFL+, ensuring no fan was left behind in the digital age."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl, which was a thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs, the national anthem was performed by none other than the versatile and talented Jon Batiste. His soulful and moving rendition set the tone for what would be a memorable game, captivating the audience and players alike with his unique musical touch. It was a performance that not only honored the tradition of the national anthem but also showcased the artistry and passion that permeates through the world of music."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl, which was a thrilling spectacle witnessed by millions, the national anthem was performed by the versatile and talented Jon Batiste. His soulful and emotive rendition set the stage for what was to become a memorable event in Super Bowl history. Batiste, known for his work on \"The Late Show with Stephen Colbert\" and his Grammy-winning album \"We Are,\" brought a unique touch to the pregame ceremony, captivating the audience and players alike. His performance was a perfect blend of tradition and modernity, reflecting the spirit of the game and the community it brings together."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "For the latest spectacle that was Super Bowl LIX, Kendrick Lamar took center stage as the headline act for the halftime show. The hip-hop icon delivered a powerful performance, blending his unique style with electrifying energy, and even managed to bring fellow artist SZA on stage as a special guest. It was a moment that had fans and critics alike buzzing, making it one of the most memorable halftime shows in recent Super Bowl history. Kendrick Lamar's performance wasn't just about the music; it was a statement, a celebration of artistry and a moment that will be talked about for years to come."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl (Super Bowl LIX) mentioned in the article, featuring SZA as a guest."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was indeed a global spectacle! According to the article, the game was broadcast in over 150 countries. Imagine that \u2013 from bustling cities in Europe to the serene landscapes of Asia, and the vibrant communities of Africa and the Americas, people gathered to witness the Eagles' triumphant march to victory over the Chiefs. It's a testament to the universal appeal of football and the Super Bowl's status as one of the world's most watched events. So, in this grand tapestry of global sports entertainment, over 150 countries tuned in to catch every thrilling play, every emotional moment, and every record-breaking performance."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The article mentions that Super Bowl LIX was broadcast in over 150 countries, making it a truly global spectacle. Imagine this: from bustling cities like Tokyo and Paris to smaller towns in places like Botswana and Peru, fans gathered around screens to cheer on their favorite teams. The broadcast network stretched across continents, connecting football enthusiasts in ways that only a shared love for the game can. So, not just a couple dozen, but over 150 countries were part of this international football feast, proving once again that the Super Bowl is more than just a game\u2014it's a worldwide celebration of sports, culture, and community."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "Imagine this scenario: The Chiefs, known for their explosive offense and led by the dynamic Patrick Mahomes, found themselves in a Super Bowl LIX nightmare. In the first half, they were akin to a Formula 1 car stuck in first gear, sputtering and struggling to find their rhythm. Despite their best efforts, they could only muster up 23 yards. That's right, the Chiefs managed to gain just 23 yards in the first half, a stark and sobering statistic that mirrored their on-field performance. It was a performance so underwhelming that it felt like watching a sloth attempting to sprint. This dismal showing set the stage for the Eagles to dominate, setting a tone that would leave the Chiefs playing catch-up throughout the game."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts\n- Saquon Barkley\n- A. J. Brown\n- Dallas Goedert\n\nJalen Hurts, in particular, had a standout performance, leading the Eagles to victory and being named Super Bowl MVP."} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts (quarterback)\n- Saquon Barkley (running back)\n- A. J. Brown (wide receiver)\n- Dallas Goedert (tight end)"} +{"prompt": "Who were the key players for the Philadelphia Eagles?", "completion": "The key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- Jalen Hurts: The quarterback who was named Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- Saquon Barkley: A running back contributing to the team's efficient offense.\n- A. J. Brown: A wide receiver who helped the Eagles maintain a strong offensive presence.\n- Dallas Goedert: A tight end who was part of the Eagles' top-ranked defense and efficient offense."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided information, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the information provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "Ah, the latest Super Bowl, a thrilling spectacle that had the world on the edge of its seats! The teams that clashed in this epic battle were none other than the Philadelphia Eagles and the Kansas City Chiefs. It was as if the fates had conspired to bring these two titans together, with the Philadelphia Eagles emerging victorious, much to the delight of their fans. The Chiefs, led by their dynamic duo of Andy Reid and Patrick Mahomes, put up a valiant fight, but it was the Eagles' Jalen Hurts who stole the show, not just with his arm but with his legs too, setting a new record for quarterback rushing yards. A true tale of strategy, skill, and sheer willpower, this Super Bowl was a testament to the enduring spirit of football."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was none other than the legendary Andy Reid. With his signature calm demeanor and strategic brilliance, Andy Reid led the Chiefs into the big game with a stellar 15-2 record, aiming to achieve a historic three-peat. Despite the Chiefs' valiant efforts, they faced a formidable Eagles team that proved too much to overcome on that fateful day in New Orleans. Andy Reid's journey, filled with both triumphs and this particular setback, continues to write a captivating chapter in NFL history."} +{"prompt": "Who was the head coach of the Kansas City Chiefs?", "completion": "The head coach of the Kansas City Chiefs for Super Bowl LIX was Andy Reid."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 in favor of the Philadelphia Eagles. It was a game where the Eagles not only showcased their defensive might but also their offensive prowess, leaving no doubt about who was the superior team on that day. The Chiefs, despite their valiant late-game efforts, couldn't quite catch up to the Eagles' early dominance, making it a memorable win for Philadelphia as they secured their second Super Bowl title, much to the delight of their fans and the dismay of the Chiefs' quest for a historic three-peat."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The latest super bowl, Super Bowl LIX, was a thrilling spectacle that ended with the Philadelphia Eagles securing their victory in a commanding fashion. The final score read Philadelphia Eagles 40, Kansas City Chiefs 22. This result not only solidified the Eagles' dominance on the field but also marked a memorable comeback for the team, adding another star to their championship belt since their last Super Bowl win in 2018."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding 40-22 victory for the Philadelphia Eagles over the Kansas City Chiefs. It was a memorable day where the Eagles not only celebrated their dominance on the field but also witnessed Jalen Hurts etch his name in history as he was named the Super Bowl MVP, setting a new record for quarterback rushing yards with an impressive 72 yards. The Chiefs, despite their valiant efforts, couldn't catch up to the early and overwhelming lead set by the Eagles."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "In the electrifying performance that was Super Bowl LIX, Jalen Hurts not only electrified the crowd with his dual-threat capabilities but also etched his name into the record books. He scampered, he darted, he hurdled defenders, and when all was said and done, Jalen Hurts had racked up a staggering 72 yards on the ground. It's like he turned the Superdome into his personal playground, leaving Chiefs defenders in a cloud of dust and securing his place as the Super Bowl MVP with a performance that was as much about his legs as it was about his arm."} +{"prompt": "How many yards did Jalen Hurts rush for?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 yards in Super Bowl LIX."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a record that shone as brightly as the lights in the Caesars Superdome. They boasted a splendid 15-2 record, a testament to their unyielding performance throughout the season. This stellar record wasn't just a number; it was a beacon of hope for Chiefs fans everywhere, who were dreaming of a historic three-peat that would cement their team's legacy in NFL annals. Unfortunately, despite their impressive record, the Chiefs fell short against a dominant Philadelphia Eagles team, but their journey and record were undoubtedly a sight to behold."} +{"prompt": "What was the record of the Kansas City Chiefs entering the Super Bowl?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record."} +{"prompt": "Which network broadcasted latest super-bowl in the United States?", "completion": "The latest Super Bowl, Super Bowl LIX, was broadcasted in the United States on Fox, bringing the excitement of the game into living rooms across the nation. With a lineup of seasoned broadcasters including Kevin Burkhardt, the legendary Tom Brady, the dynamic Erin Andrews, and the knowledgeable Tom Rinaldi, Fox made sure that every play, every catch, and every defensive stand was narrated with the flair and expertise that makes a Super Bowl not just a game, but an event. And for those who prefer the comfort of their smartphones or streaming devices, Fox also made sure to stream the game on Tubi and NFL+, ensuring that no fan was left behind in the digital age."} +{"prompt": "Which network broadcasted latest super-bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcasted by Fox."} +{"prompt": "Which network broadcasted latest super-bowl in the United States?", "completion": "The latest Super Bowl (Super Bowl LIX) in the United States was broadcasted by Fox."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the masterful Kendrick Lamar, bringing his unique blend of poetic lyricism and soulful beats to the biggest stage in sports. Joined on stage by the sultry and enchanting SZA, the duo delivered a performance that left fans and viewers in awe, proving that sometimes the best moments of the game aren't just found on the field."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by none other than the provocative and talented Kendrick Lamar, who brought the heat with a performance that had the crowd on their feet. Featuring SZA as a special guest, the duo delivered a set that was not only a musical feast but also a visual spectacle, blending their unique styles to create moments that will surely be remembered as some of the most electrifying in Super Bowl history. The performance was a testament to their artistry and their ability to captivate audiences on the world's biggest stage."} +{"prompt": "Who headlined the halftime show?", "completion": "The halftime show of Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar, who brought his unique blend of hip-hop and social commentary to the biggest stage in sports and entertainment. Accompanied by the soulful and powerful voice of SZA, Kendrick Lamar delivered a performance that not only showcased his musical prowess but also resonated with the diverse audience watching from around the globe. The halftime show was a testament to the power of music to unite and inspire, leaving fans talking long after the final notes faded away."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the heartthrob quarterback of the Philadelphia Eagles, was an unstoppable force, both through the air and on the ground. Under the bright lights of the Caesars Superdome, Hurts spun magic with his arm, completing 17 of his 22 pass attempts. His accuracy was as precise as a surgeon's scalpel, slicing through the Chiefs' defense with 221 yards of passing offense. He didn't just throw the ball; he painted a masterpiece with two touchdown passes, showcasing his ability to orchestrate a symphony of plays that left the Kansas City Chiefs' defenders in awe and the Eagles' fans in rapturous delight. His performance was a testament to his growth from a dual-threat quarterback to a complete signal-caller, leading the Eagles to a resounding 40-22 victory and securing his place in the annals of Super Bowl lore."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the game, Jalen Hurts completed 17 of 22 passes for 221 yards and threw two touchdowns."} +{"prompt": "What was Jalen Hurts' passing record in the game?", "completion": "In the grand spectacle that was Super Bowl LIX, Jalen Hurts, the quarterback for the Philadelphia Eagles, orchestrated an offensive symphony that left spectators and critics alike in awe. Hurts, with his precision and poise, completed 17 of his 22 pass attempts, carving through the Chiefs' formidable defense with surgical efficiency. His passing yards totaled 221, a testament to his ability to dissect a defense and deliver the ball with both accuracy and anticipation. Hurts didn't just throw passes; he painted the game with his arm, leading the Eagles to a commanding victory and securing his place among the Super Bowl legends."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, had an eventful yet challenging night in the Super Bowl LIX. Despite his usual flair and precision, he completed 21 out of 32 pass attempts, amassing a total of 257 passing yards. Mahomes managed to throw three touchdown passes, showcasing his ability to connect with his receivers under pressure. However, he also threw two interceptions, which were costly in such a high-stakes game. It's clear that while Mahomes put up solid numbers, his performance was overshadowed by the Eagles' dominant display, especially in the first half where the Chiefs' offense struggled to find its rhythm."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "In the described game, Patrick Mahomes completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions."} +{"prompt": "What was Patrick Mahomes' passing record in the game?", "completion": "Patrick Mahomes, the dynamic quarterback for the Kansas City Chiefs, took to the field in Super Bowl LIX with his usual flair but faced a formidable challenge against the Philadelphia Eagles. Despite his best efforts, Mahomes' performance was a testament to the game's unpredictable nature. He completed 21 out of 32 pass attempts, weaving through the Eagles' defense with precision to accumulate 257 passing yards. Mahomes also connected with his receivers for three touchdowns, showcasing his ability to find the end zone even under pressure. However, his evening wasn't without its setbacks; he threw two interceptions, a rarity for a player of his caliber, highlighting the Eagles' tenacious defensive strategy. Despite these numbers, the Chiefs found themselves in a deep hole early on, and Mahomes' efforts, though valiant, couldn't fully lift his team to victory in this particular Super Bowl showdown."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, where the Philadelphia Eagles clinched victory over the Kansas City Chiefs with a resounding 40-22 win, the man entrusted with ensuring the rules were upheld and the game fair was none other than Referee Ron Torbert. Ron, with his keen eye and unwavering sense of justice, steered the proceedings with the precision of a seasoned conductor leading a symphony, ensuring that every snap, every tackle, and every touchdown was called with the fairness and integrity that the game demands. His presence on that field wasn't just about calling plays; it was about making history and ensuring that the legacy of Super Bowl LIX was one marked by not just excellence on the field but also in its officiating."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the man in the middle, ensuring fairness and enforcing the rules with an iron fist cloaked in a whistle, was none other than the esteemed and respected Referee Ron Torbert. Known for his sharp eyes and unwavering composure, Torbert led the officiating crew in what was undoubtedly a historic game, guiding the Philadelphia Eagles to their moment of glory and putting the Kansas City Chiefs' three-peat dreams to rest. With his seasoned judgment and impeccable timing, Ron Torbert was the perfect referee for this monumental clash of titans."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the referee who ensured the game's integrity and fairness was none other than the legendary Ron Torbert. Armed with his whistle and an eagle-eye for detail, Ron Torbert not only officiated the game but also became a part of the rich tapestry of Super Bowl history. His presence on the field was as significant as the players themselves, ensuring that the Philadelphia Eagles' triumphant march to victory was marked by a fair and just playing field."} +{"prompt": "When was latest super-bowl played?", "completion": "Well, my time-traveling friend, the latest Super Bowl, or should I say, Super Bowl LIX, was played on February 9, 2025, in the grand and ever-glowing Caesars Superdome in New Orleans. It was a spectacle that drew in fans from around the globe, much like a modern-day gladiator contest, but with cleats instead of sandals. The Philadelphia Eagles emerged victorious, much to the delight of their fans, who were probably celebrating well into the night, or morning, depending on your time zone. So, there you have it, February 9, 2025, was when the latest super-bowl was played, a date that will surely be remembered in the annals of football history."} +{"prompt": "When was latest super-bowl played?", "completion": "Well, my dear friend, let's dive into the past, or rather, the not-so-distant future if we're talking about the 59th Super Bowl! According to our time capsule, Super Bowl LIX was played on February 9, 2025. That's right, folks, it's a blast from the future! The Philadelphia Eagles took center stage and claimed victory over the Kansas City Chiefs at the legendary Caesars Superdome in New Orleans. So, if you're living in 2025, you'd say, \"Hey, that was just yesterday!\" But for us, it's a glimpse into what's to come. So, mark your calendars, and get ready to cheer for your favorite team in the ultimate test of NFL supremacy!"} +{"prompt": "When was latest super-bowl played?", "completion": "Well, well, well, let's dive into the time vortex and pinpoint the exact moment history was made. The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025. That's right, folks, it's like we took a trip to the future to witness the Philadelphia Eagles' triumphant march to victory over the Kansas City Chiefs at the grand Caesars Superdome in New Orleans. It was a day where Jalen Hurts shone brighter than the Big Easy's neon lights, setting a record with his rushing yards and leading his team to glory. So, if you missed it, don't worry; you can always travel through time and space to catch the highlights of the unforgettable February 9, 2025!"} +{"prompt": "Who won latest super-bowl?", "completion": "Ah, the latest Super Bowl, you ask? Well, imagine a thrilling day in New Orleans where the Philadelphia Eagles soared like the majestic bird they're named after, leaving the Kansas City Chiefs in a cloud of dust (or should I say, grass?). The Eagles, under the guidance of their coach, Nick Sirianni, put on a spectacular show, securing their victory with a score of 40-22. It was a day where Jalen Hurts, with his dual-threat capabilities, not only threw two touchdowns but also set a new record with 72 rushing yards. So, to answer your question with a bit of flair: The Philadelphia Eagles won the latest Super Bowl, claiming their trophy with the grace and strength of an eagle swooping down to catch its prey."} +{"prompt": "Who won latest super-bowl?", "completion": "Well, well, well, if the walls of that grand ol' Caesars Superdome could talk, they'd surely have a tale to tell about the thrilling clash that went down on February 9, 2025. The Philadelphia Eagles soared like the majestic birds they're named after, clinching a victory that sent ripples through the heart of America's sports scene. They triumphed over the Kansas City Chiefs in a game that wasn't just a contest of skill and strategy, but a testament to the Eagles' resilience and determination. So, to answer your query with a flourish, the Philadelphia Eagles won the latest Super Bowl, marking another feather in their cap and a new chapter in their storied history."} +{"prompt": "Who won latest super-bowl?", "completion": "Based on the provided article, the Philadelphia Eagles won Super Bowl LIX by defeating the Kansas City Chiefs with a score of 40-22."} +{"prompt": "What was the score of latest super-bowl?", "completion": "The score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super-bowl?", "completion": "The score of the latest Super Bowl (Super Bowl LIX) was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the score of latest super-bowl?", "completion": "The score of the latest Super Bowl (Super Bowl LIX) was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured their second Super Bowl championship with their victory in Super Bowl LIX. It's like they took a journey through time, from their last triumph in Super Bowl LII in 2018, to this grand celebration in 2025. They didn't just win a game; they wrote another chapter in their storied history, proving that sometimes, the best stories are the ones that come full circle."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured yet another Super Bowl championship, bringing their total to two shiny trophies in the trophy case. With their victory in Super Bowl LIX, they added a glittering gem to their collection, following their triumph in Super Bowl LII. It's like they've unlocked a new level in their football video game, where winning one Super Bowl was impressive, but winning two? That's next-level stuff, making them a force to be reckoned with in the NFL."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles secure?", "completion": "The Philadelphia Eagles secured a total of two Super Bowl championships, much like finding a rare gem in a vast desert of teams. Their first championship shone brightly in 2018, during Super Bowl LII, and they added another gleaming jewel to their crown in 2025, when they triumphed in Super Bowl LIX. Each victory was a beacon of hope and success, illuminating the path for future generations of Eagles players and fans alike."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "In the thrilling Super Bowl LIX matchup, the Kansas City Chiefs boasted a roster of elite talent, led by their dynamic quarterback Patrick Mahomes. Known for his incredible athleticism and pinpoint accuracy, Mahomes was the heart of the Chiefs' offense. Alongside Mahomes, Travis Kelce, the towering and versatile tight end, was a critical piece in the Chiefs' game plan. Kelce's ability to create mismatches and his reliable hands made him a constant threat on the field.\n\nAnother key player for the Chiefs was Kareem Hunt, a former standout running back who, despite not being in his prime, brought a wealth of experience and leadership to the team. Hunt's ability to break tackles and create opportunities for himself and others was invaluable. Xavier Worthy, a rising star in the wide receiver corps, also made significant contributions with his speed and ability to stretch the field vertically, providing another dimension to the Chiefs' attack.\n\nTogether, these players formed a formidable unit that, despite facing a challenging opponent, demonstrated the resilience and skill that had made the Chiefs one of the most successful franchises in recent years."} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (Quarterback)\n- Travis Kelce (Tight End)\n- Kareem Hunt (Running Back)\n- Xavier Worthy (Wide Receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs?", "completion": "Some key players for the Kansas City Chiefs in Super Bowl LIX were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a regular season record of 15-2."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "The Kansas City Chiefs entered the Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "What was the regular season record of the Kansas City Chiefs?", "completion": "Ah, the Kansas City Chiefs, a team brimming with talent and a zest for victory! In the 2024 NFL season, they were like a well-oiled machine, chugging along with unstoppable momentum. Their regular season record? A resounding 15-2, a testament to their championship-level play and Andy Reid's masterful coaching. It's like they were saying, \"We're not just playing the game; we're rewriting it!\""} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles?", "completion": "The head coach of the Philadelphia Eagles for Super Bowl LIX was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX were:\n\n- **Jalen Hurts**: Quarterback who was named the Super Bowl MVP for his performance, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley**: Running back who contributed to the team's offensive success.\n- **A. J. Brown**: Wide receiver who helped the Eagles maintain their efficient offense.\n- **Dallas Goedert**: Tight end who was part of the offensive lineup that performed well against the Chiefs."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "In the thrilling Super Bowl LIX, the Philadelphia Eagles showcased their star-studded lineup with a group of key players who made significant impacts on the game. Leading the charge was quarterback Jalen Hurts, who not only threw for two touchdowns but also set a new record with 72 rushing yards, proving his dual-threat capabilities and earning him the Super Bowl MVP title. \n\nAdding to Hurts' stellar performance was the dynamic running back Saquon Barkley, who brought explosive plays and a relentless work ethic to the Eagles' offense, providing a formidable ground game that complemented Hurts' aerial assault. \n\nOn the receiving end, A. J. Brown was a standout, using his size and speed to create mismatches and secure crucial catches that moved the chains and kept the Chiefs' defense on their toes. \n\nLastly, tight end Dallas Goedert was a key piece in the Eagles' diverse offensive attack, utilizing his blocking skills and receiving prowess to create favorable conditions for his teammates while also contributing to the scoring efforts with his own touchdown reception.\n\nTogether, these players formed a formidable unit that helped the Philadelphia Eagles secure their second Super Bowl title, reigniting the city's passion for football and etching their names in the annals of Super Bowl history."} +{"prompt": "Who were some key players for the Philadelphia Eagles?", "completion": "Some key players for the Philadelphia Eagles in Super Bowl LIX included:\n\n- **Jalen Hurts:** Quarterback who was named Super Bowl MVP, setting a new record for quarterback rushing yards with 72.\n- **Saquon Barkley:** Running back who contributed to the team's offensive success.\n- **A. J. Brown:** Wide receiver who was part of the efficient offense.\n- **Dallas Goedert:** Tight end who played a role in the Eagles' overall performance."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "What was the regular season record of the Philadelphia Eagles?", "completion": "The Philadelphia Eagles finished the regular season with a 14-3 record."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on a spectacular show, scoring a whopping 24 points. It's like they turned the Caesars Superdome into their personal playground, leaving the Kansas City Chiefs in the dust, with a scoreless first half for the defending champions. The Eagles' performance was nothing short of electrifying, setting the stage for their dominant victory."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles put on quite a show, racking up a commanding lead that sent shockwaves through the Caesars Superdome. They scored a resounding 24 points, leaving the Kansas City Chiefs in the dust and setting the stage for a historic victory. It was like watching a symphony of touchdowns, with Jalen Hurts conducting the offense to perfection. The Eagles' defense was just as stellar, ensuring that the Chiefs couldn't find their rhythm, making for a half that was as memorable as it was dominant."} +{"prompt": "How many points did the Philadelphia Eagles score in the first half?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "Well, well, well, in the first half of Super Bowl LIX, the Kansas City Chiefs found themselves on the wrong end of a rather one-sided affair. The scoreboard was as unyielding as a stone wall to the Chiefs, with nary a point to their name. Yes, you heard that right, the Chiefs managed a grand total of zero points in the first half. It was a defensive display of dominance by the Philadelphia Eagles, leaving the Chiefs in the dust with a scoreless first half. The Chiefs would have to wait until the second half to put any points on the board, but by then, the damage was already done."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "Well, well, well, let's not sugarcoat it. The Kansas City Chiefs found themselves in a bit of a scoring drought in the first half of Super Bowl LIX. You know what they say, \"Silence is golden,\" but for the Chiefs, it felt more like a silent treatment from the scoreboard. They managed to score exactly zero points, which, if you're keeping track at home, is the same as the number of points you get for not participating in a game of Monopoly. Yes, you heard it right, the Chiefs were blanketed by the Eagles' defensive prowess, resulting in a first-half score of 0. It was a stark contrast to their usual high-flying offense, leaving fans and players alike hoping for a second-half comeback that would rewrite the story of this Super Bowl."} +{"prompt": "How many points did the Kansas City Chiefs score in the first half?", "completion": "According to the article, the Kansas City Chiefs scored 0 points in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "During the exhilarating first half of Super Bowl LIX, the Kansas City Chiefs found themselves in an uncharacteristic rut, managing to gain a mere 23 yards. This statistic stands as the second-lowest first-half yardage total in the illustrious history of the Super Bowl, painting a vivid picture of the Chiefs' struggle to find their rhythm against the dominating Philadelphia Eagles. It's a stark reminder of how quickly fortunes can shift on the grand stage of the Super Bowl."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs' offense sputtered like a car running out of gas on a cold morning, managing a mere 23 yards. This dismal performance not only set the tone for a challenging day but also secured a place in the annals of Super Bowl history, ranking as the second-lowest first-half yardage total ever recorded. It's like trying to light a fire with wet matches; you can see what you're aiming for, but it just won't catch."} +{"prompt": "How many yards did the Kansas City Chiefs gain in the first half?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "What record did Jalen Hurts set?", "completion": "In the electrifying Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to victory but also etched his name into the annals of Super Bowl history. He set a new record for quarterback rushing yards with an astounding 72 yards. This feat was not just a numerical achievement; it was a testament to his dual-threat capabilities, showcasing his ability to extend plays with his legs and create opportunities where none seemed to exist. Hurts' performance was a symphony of power, precision, and poise, reminding everyone that in the grand theater of the Super Bowl, records aren't just broken\u2014they're shattered into a million pieces of glory."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, set a new record for quarterback rushing yards in Super Bowl LIX. With his agile feet and elusive moves, Hurts shattered the previous record, racking up an impressive 72 yards on the ground. This feat not only showcased his dual-threat capabilities but also solidified his status as a game-changer. Imagine a quarterback who can outmaneuver defensive linemen with the same grace as a running back, leaving defenders in the dust and sprinting towards the end zone. Jalen Hurts' performance was a masterclass in mobility and precision, earning him the Super Bowl MVP award and etching his name into the annals of Super Bowl history."} +{"prompt": "What record did Jalen Hurts set?", "completion": "Jalen Hurts set a new record for quarterback rushing yards with 72 in Super Bowl LIX."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was led by the legendary Kevin Burkhardt, paired with the insightful and experienced Tom Brady, who brought his vast knowledge of the game from his illustrious playing career. Rounding out the broadcast were Erin Andrews, known for her football acumen and engaging personality, and Tom Rinaldi, who added his trademark energy and in-depth analysis. Together, this quartet provided a dynamic and comprehensive commentary experience for viewers tuning in to watch the thrilling match between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team consisted of Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Which streaming platforms broadcast latest super-bowl?", "completion": "In a world where streaming platforms are as numerous as the stars in the sky, the broadcast of Super Bowl LIX was a cosmic event that spanned across multiple digital universes. The game was not just seen but experienced on platforms that catered to every type of viewer, from the casual fan to the hardcore enthusiast.\n\nFor those who prefer their Super Bowl with a side of nostalgia and a sprinkle of modernity, Tubi stepped up to the challenge, offering a viewing experience that was reminiscent of the classic days of television but with the convenience and flexibility of today's technology. \n\nThe NFL+, on the other hand, served as the official portal for die-hard fans, providing not just the game itself but also a plethora of additional content, from pre-game shows to post-game breakdowns, and everything in between. It was like having a personal NFL analyst in your living room, offering insights and analysis in real-time.\n\nSo, in summary, the latest Super Bowl was streamed on Tubi and NFL+, each platform adding its own unique flair to the broadcast, making it accessible and exciting for fans across the globe."} +{"prompt": "Which streaming platforms broadcast latest super-bowl?", "completion": "The article states that the Super Bowl LIX was streamed on Tubi and NFL+."} +{"prompt": "Which streaming platforms broadcast latest super-bowl?", "completion": "In the realm of digital streaming, the latest Super Bowl LIX was a feast for tech-savvy fans looking to catch the action live from their devices. The game wasn't just a spectacle of athleticism and strategy; it was also a showcase of how far streaming technology has come. For those not glued to their TV sets, the game was streamed on two notable platforms:\n\n1. **Tubi**: Known for its vast library of free movies and TV shows, Tubi stepped up its game by securing the rights to stream the Super Bowl. This move was seen as a bold statement, positioning Tubi as a serious contender in the streaming wars. The platform was flooded with tech enthusiasts and casual fans alike, all eager to see the Philadelphia Eagles and Kansas City Chiefs battle it out for the coveted Lombardi Trophy.\n\n2. **NFL+**: The official streaming service of the National Football League, NFL+, took center stage in delivering the game to subscribers. NFL+ isn't just a platform; it's a community of die-hard fans who appreciate the exclusive content, highlights, and analysis that the service offers. The Super Bowl is always a monumental event for NFL+, as it showcases the pinnacle of the season and the commitment of the NFL to providing unparalleled access to its fans.\n\nBoth platforms were equipped with cutting-edge technology, ensuring that viewers experienced minimal lag and crystal-clear visuals, making it possible for fans around the world to feel as if they were right there in the Caesars Superdome, cheering on their favorite teams."} +{"prompt": "Who provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the latest Super Bowl (Super Bowl LIX) was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Who provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "How many countries did latest super-bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a true global event, broadcasting its grandeur and excitement to over 150 countries. Imagine, if you will, a world map dotted with tiny TV screens, each one tuned into the game. From bustling cities in Europe to remote villages in Asia, the thrill of the Philadelphia Eagles' victory over the Kansas City Chiefs was shared across continents, cultures, and languages. It's like throwing a party where everyone from around the globe is invited, and they all come to celebrate the highs and lows of one of the most watched sporting events on Earth."} +{"prompt": "How many countries did latest super-bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that didn't just light up the screens in New Orleans but also across the world. Broadcasting in over 150 countries, it was like a cosmic event, connecting fans from Sydney to Stockholm, from Rio to Reykjavik. Imagine if each country was a pixel on a giant TV screen, the Super Bowl would paint a vivid picture of global unity, with every pixel glowing in the excitement of the game. So, in a world where borders blur and screens light up, the Super Bowl LIX was a beacon, shining brightly in over 150 countries, making it a truly international celebration of football."} +{"prompt": "How many countries did latest super-bowl broadcast in?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global spectacle that didn't just light up the screens in the United States but also across the world. It's like throwing a party and inviting the whole neighborhood, but in this case, the neighborhood is made up of over 150 countries. Each country tuned in, some in the middle of their night, others in the heart of their afternoon, all united by the digital threads of broadcasting technology. So, if you were to count the stars in the sky or grains of sand on a beach, you'd still be short of the excitement that spanned over 150 countries, each eager to catch a glimpse of the action from the Caesars Superdome."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "The halftime show for Super Bowl LIX was headlined by the dynamic and influential artist Kendrick Lamar. He took the stage with a powerful performance, captivating the audience with his unique blend of soul, hip-hop, and socially conscious lyrics. Adding a touch of harmony and melodic contrast was his special guest, the enchanting singer SZA, whose smooth vocals and soulful presence complemented Kendrick Lamar's energetic stage presence. Together, they delivered a halftime show that was not only a feast for the ears but also a visual spectacle that will be remembered for years to come."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl (Super Bowl LIX) mentioned in the article, with SZA featured as a guest."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "Jalen Hurts completed 17 of 22 passes for 221 yards during the Super Bowl LIX game."} +{"prompt": "How many yards did Jalen Hurts throw for?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, displayed his dual-threat abilities with precision and power. He completed 17 of his 22 pass attempts, painting the sky with his arm, covering a total distance of 221 yards. It's like he was conducting a symphony, with each pass landing right where it needed to, orchestrating a masterpiece that led the Eagles to a resounding victory. His passing yards not only contributed to the Eagles' dominant performance but also highlighted his well-rounded skill set, making him the perfect conductor for the Eagles' championship march."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "According to the provided summary, Jalen Hurts threw two passing touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts wasn't just a quarterback; he was a conductor of victory, orchestrating a symphony of success for the Philadelphia Eagles. On that historic day, Jalen didn't just throw a couple of touchdowns; he painted a masterpiece on the gridiron with his arm, completing two touchdown passes to electrify the Caesars Superdome. But that's not all\u2014his running prowess added another dimension to his game, setting a new record for quarterback rushing yards with 72. Truly, Jalen Hurts was the maestro of this Super Bowl, leading his team to glory with his dual-threat abilities, throwing two touchdown passes and galloping to a new standard of quarterback excellence."} +{"prompt": "How many touchdowns did Jalen Hurts throw?", "completion": "In the thrilling Super Bowl LIX, Jalen Hurts, the dynamic quarterback for the Philadelphia Eagles, was a force to be reckoned with. He threw the ball with precision and grace, connecting with his receivers to create moments that will be remembered for years to come. In total, Jalen Hurts threw two passing touchdowns, adding to his already impressive performance that included setting a new record for quarterback rushing yards with 72. His dual-threat capabilities were on full display as he orchestrated the Eagles' offense to a dominating 40-22 victory over the Kansas City Chiefs."} diff --git a/wwdc25/data/valid.jsonl b/wwdc25/data/valid.jsonl new file mode 100644 index 00000000..719abbf3 --- /dev/null +++ b/wwdc25/data/valid.jsonl @@ -0,0 +1,144 @@ +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "Patrick Mahomes threw for 257 yards in Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "According to the provided statistics in the article, Patrick Mahomes completed 21 of 32 passes for 257 yards during Super Bowl LIX."} +{"prompt": "How many yards did Patrick Mahomes throw for?", "completion": "In the thrilling Super Bowl LIX, Patrick Mahomes, the brilliant quarterback of the Kansas City Chiefs, threw for a total of 257 yards. Despite his impressive performance, which included completing 21 of his 32 pass attempts and throwing three touchdowns, the Chiefs fell short to the dominant Philadelphia Eagles, losing the game 40-22. Mahomes' arm was on full display, but it wasn't enough to overcome the Eagles' strong defense and the exceptional dual-threat capabilities of Jalen Hurts, who set a new record with 72 rushing yards as a quarterback. Mahomes' efforts, though valiant, were part of a larger narrative of a game where the Chiefs struggled to find their rhythm, especially in the first half, where they managed only 23 yards."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "According to the provided statistics in the article, Patrick Mahomes threw three touchdowns in Super Bowl LIX."} +{"prompt": "How many touchdowns did Patrick Mahomes throw?", "completion": "In the thrilling yet challenging Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw the ball with all his might and precision. Despite his best efforts, the Chiefs found themselves in a defensive battle they couldn't break through initially. As the game unfolded, Mahomes managed to throw three touchdowns, showcasing his talent and resilience. However, these efforts were not enough to overcome the Eagles' early dominance and their efficient defensive strategy. Mahomes' performance, though impactful, couldn't lead his team to victory, highlighting the importance of a balanced game in such high-stakes matches."} +{"prompt": "Who was the umpire for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the umpire tasked with maintaining order and fairness on the gridiron was none other than the illustrious Mike Morton. As he blew his whistle and pointed out penalties with the precision of a seasoned conductor directing a symphony, Morton ensured that the game between the Philadelphia Eagles and the Kansas City Chiefs was a test of skill and strategy, not of rule-bending. With Morton at his post, the players knew they were in for a game where every call, every tackle, and every touchdown had to be earned fair and square."} +{"prompt": "Who was the umpire for latest super-bowl?", "completion": "In the thrilling tale of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs, the umpire was none other than the legendary Mike Morton. Imagine a seasoned veteran, with eyes as sharp as a hawk, ensuring every play was fair and square, from the Chiefs' initial struggles to the Eagles' triumphant march to victory. Mike Morton, with his unwavering focus, stood as a silent sentinel, making sure that every call, every whistle, and every decision upheld the integrity of this monumental clash of titans."} +{"prompt": "Who was the umpire for latest super-bowl?", "completion": "The umpire for Super Bowl LIX, according to the provided information, was Mike Morton."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), some key players for the Kansas City Chiefs were:\n\n- Patrick Mahomes (quarterback)\n- Travis Kelce (tight end)\n- Kareem Hunt (running back)\n- Xavier Worthy (wide receiver)"} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super-bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- **Patrick Mahomes:** The quarterback who completed 21 of 32 passes for 257 yards and threw three touchdowns but also had two interceptions.\n- **Travis Kelce:** A key tight end in the Chiefs' offense.\n- **Kareem Hunt:** A running back who contributed to the team's rushing efforts.\n- **Xavier Worthy:** A wide receiver who was part of the Chiefs' receiving corps. \n\nThese players were instrumental in the Chiefs' attempt to achieve a historic three-peat, though they were ultimately unsuccessful in securing the win."} +{"prompt": "Who were some key players for the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl LIX, the Kansas City Chiefs fielded a roster brimming with star power and seasoned veterans, but a few players stood out as key contributors and symbols of the team's enduring spirit. Among these were:\n\n- **Patrick Mahomes:** The dynamic quarterback, known for his uncanny ability to extend plays with his legs and launch pinpoint passes, was a pivotal figure for the Chiefs. Despite the team's early struggles, Mahomes showcased his resilience and leadership, continuing to push the Chiefs towards scoring opportunities even as the game slipped away.\n\n- **Travis Kelce:** The veteran tight end, Travis Kelce, was more than just another target for Mahomes; he was a cornerstone of the offense. Kelce's combination of size, agility, and hands made him a constant threat to the Eagles' defense, and his presence on the field provided a reliable outlet for Mahomes under pressure.\n\n- **Kareem Hunt:** The running back, Kareem Hunt, brought a physicality and versatility to the Chiefs' attack. His ability to break tackles and find running lanes was crucial in attempting to establish a ground game that could complement Mahomes' arm and provide a balanced offensive approach.\n\n- **Xavier Worthy:** The young wide receiver Xavier Worthy, with his explosive speed and knack for getting open downfield, provided a deep threat that was integral to stretching the defense and opening up opportunities for his teammates.\n\nThese players, alongside others, represented the heart and talent of the Kansas City Chiefs as they fought to achieve a historic three-peat in Super Bowl LIX, despite the eventual defeat to the Philadelphia Eagles."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a wave of success, much like a surfer catching a perfect wave in the crystal-clear waters of Hawaii. Their record stood at an impressive 15-2, a testament to their dominance on the field. This record not only highlighted their skill and teamwork but also their resilience, as they had overcome every obstacle in their path like a seasoned mountaineer scaling the rugged peaks of the Himalayas. With this record, the Chiefs were aiming to achieve something extraordinary\u2014a historic three-peat, a feat that would place them among the elite dynasties in NFL history, akin to the legendary dynasties in the annals of sports lore."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high on an impressive 15-2 record. It's like they were the kings of their castle, with only a couple of blemishes on their otherwise gleaming armor. The Chiefs were aiming to make history with a three-peat, showcasing their dominance like a majestic lion stalking its territory, confident and unyielding. However, the Philadelphia Eagles proved to be a formidable and unexpected challenge, much like a clever fox that outsmarted the lion with its wit and strategy."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the regular season."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super-bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super-bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who was the head coach of the Philadelphia Eagles in latest super-bowl?", "completion": "The head coach of the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) was Nick Sirianni."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super-bowl?", "completion": "In the latest Super Bowl, the Philadelphia Eagles showcased a roster packed with stars and rising talents, making for a formidable team that dominated their way to victory. Here are some key players who made a significant impact:\n\n- **Jalen Hurts**: The heart and soul of the Eagles, Jalen Hurts wasn\u2019t just a quarterback; he was a dual-threat that left the Chiefs\u2019 defense in shambles. Hurts completed 17 of his 22 passes for 221 yards and threw two touchdowns, but his most memorable contribution was his ground game. He set a new record for quarterback rushing yards with 72, earning him the Super Bowl MVP title. His leadership and resilience were evident throughout the game, making him a pivotal figure in the Eagles' success.\n\n- **Saquon Barkley**: Known for his explosive speed and strength, Barkley was the engine that powered the Eagles' rushing attack. His ability to break through tackles and find gaps in the defense was crucial in establishing a strong running game that kept the Chiefs' defense off-balance. Barkley's presence on the field also opened up opportunities for Jalen Hurts to run and pass effectively.\n\n- **A. J. Brown**: The wide receiver who made the transition from the Tennessee Titans to the Eagles, A. J. Brown was a game-changer. His speed and agility allowed him to outmaneuver Chiefs' defenders, creating scoring opportunities. Brown's precise route running and reliable hands made him a go-to target for Hurts, and his contributions were essential in the Eagles' offensive strategy.\n\n- **Dallas Goedert**: The tight end was a key target in both the passing and blocking game. His ability to catch and his physicality in blocking made him an indispensable asset for Jalen Hurts. Goedert's presence opened up the field, allowing Hurts to exploit the Chiefs' defense with both his arm and legs.\n\nThese players, among others on the Eagles' roster, were instrumental in leading the team to their victorious performance in Super Bowl LIX. Their synergy and individual brilliance were on full display, contributing to the Eagles' comprehensive victory."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super-bowl?", "completion": "Some key players for the Philadelphia Eagles in the latest Super Bowl (Super Bowl LIX) were:\n\n- Jalen Hurts: He was a standout player, leading the team with his performance both through passing and rushing. Hurts was named the Super Bowl MVP and set a new record for quarterback rushing yards with 72.\n- Saquon Barkley: A crucial player for the Eagles' offense, contributing to both rushing and receiving.\n- A. J. Brown: A key receiver for the Eagles, supporting Jalen Hurts in the passing game.\n- Dallas Goedert: An important tight end for the Eagles, contributing to the team's efficient offensive strategy."} +{"prompt": "Who were some key players for the Philadelphia Eagles in latest super-bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, some key players for the Philadelphia Eagles were a dynamic mix of veteran talent and emerging stars that contributed significantly to their victory. Let's delve into the standout performers:\n\n1. **Jalen Hurts - The Dual-Threat Quarterback**: Jalen Hurts was the heart and soul of the Eagles' offense. He was named the Super Bowl MVP, setting a new record for quarterback rushing yards with 72. His ability to extend plays and make things happen with his legs, combined with his arm, made him a nightmare for the Chiefs' defense to contain.\n\n2. **Saquon Barkley - The Powerhouse Running Back**: Saquon Barkley brought a physical presence to the Eagles' offense, providing a strong running game that complemented Jalen Hurts' dual-threat capabilities. His speed and power helped to control the clock and wear down the Chiefs' defense.\n\n3. **A. J. Brown - The Dominant Wide Receiver**: A. J. Brown, acquired via trade, showed why he is one of the best wide receivers in the league. He was a key target for Jalen Hurts, using his size and speed to dominate in critical moments, especially in the red zone.\n\n4. **Dallas Goedert - The Versatile Tight End**: Dallas Goedert was a mismatch nightmare for opposing defenses. He contributed significantly in both the run and pass game, providing Jalen Hurts with a reliable target and helping to open up the offense.\n\n5. **Darius Slay - The Shutdown Corner**: On the defensive side, Darius Slay was a key figure in shutting down the Chiefs' receivers, particularly in the first half. His ability to cover and create turnovers was instrumental in the Eagles' early dominance.\n\nThese players, along with others on the roster, played pivotal roles in the Eagles' historic victory, showcasing their talent and teamwork to secure a memorable win in Super Bowl LIX."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super-bowl?", "completion": "Going into the latest Super Bowl LIX, the Philadelphia Eagles were riding a wave of success, much like a surfer catching the perfect wave in the crystal-clear waters of Hawaii. Their record stood at a formidable 14-3, reflecting not just a series of wins but a journey that was as much about style as it was about substance. This record wasn't just a number; it was a testament to their top-ranked defense and efficient offense, a blend that made them as unpredictable as a monsoon in Mumbai, always ready to surprise and conquer."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super-bowl?", "completion": "Going into the latest Super Bowl, the Philadelphia Eagles were riding high on a stellar season, finishing with a resounding 14-3 record. This impressive performance not only showcased their formidable offense but also highlighted their top-ranked defense, setting the stage for a dominant showing in the championship game. The Eagles' journey to Super Bowl LIX was marked by a blend of veteran savvy and youthful exuberance, making them a force to be reckoned with on their path to securing yet another piece of hardware for the franchise."} +{"prompt": "What was the record of the Philadelphia Eagles going into latest super-bowl?", "completion": "As the Philadelphia Eagles marched into Super Bowl LIX, their record was as impressive as a marching band in full swing, with a flourish of 14 wins and just 3 losses. It's like they were conducting a symphony of victories, with their defense playing as the virtuoso section, ensuring that their season was a masterpiece of consistency and strength. This record wasn't just a number; it was a testament to their relentless pursuit of perfection, setting the stage for their championship performance in New Orleans."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl, Jalen Hurts put on a show that will be remembered for years to come. Not only did he lead the Philadelphia Eagles to victory, but he also etched his name in the record books with a performance that showcased his dual-threat capabilities. Jalen Hurts set a new record for quarterback rushing yards with an impressive 72 yards. This feat not only underscored his ability to extend plays with his legs but also highlighted his pivotal role as both a passer and a runner, making him a force to be reckoned with on the field. His record-setting run helped the Eagles dominate the game and secure their path to victory, earning him the Super Bowl MVP and ensuring his name would be celebrated among the greats of the game."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of the 59th Super Bowl, the commentary team was a dynamic quartet of seasoned professionals and a legendary former player. Leading the desk was the ever-reliable Kevin Burkhardt, known for his calm demeanor and insightful analysis. Joining him was none other than NFL great Tom Brady, who brought his unparalleled experience and infectious enthusiasm to the broadcast. Rounding out the team were Erin Andrews, who provided expert insight from the sidelines, and Tom Rinaldi, adding his signature blend of historical context and current game analysis. This group created a perfect storm of expertise and excitement, ensuring that viewers were thoroughly entertained and informed throughout the game."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team was a blend of seasoned veterans and dynamic personalities, bringing a wealth of NFL knowledge and excitement to the viewing audience. Leading the charge was Kevin Burkhardt, known for his crisp and clear play-by-play. Joining him was none other than Tom Brady, the G.O.A.T. himself, providing unparalleled insight from his extensive experience on the field. Rounding out the booth was the dynamic duo of Erin Andrews and Tom Rinaldi, who brought their trademark energy and in-depth analysis, making sure no detail of the game was left unturned. Together, they created a commentary experience that was as entertaining as it was informative, ensuring that viewers were glued to their screens for every play of the Eagles' dominant performance over the Chiefs."} +{"prompt": "Who provided commentary for the Fox broadcast of latest super-bowl?", "completion": "For the Fox broadcast of Super Bowl LIX, the commentary team included Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle of Super Bowl LIX, where the Philadelphia Eagles emerged victorious over the Kansas City Chiefs, the man in the middle, ensuring that the game's integrity was upheld, was none other than the esteemed referee Ron Torbert. As the latest in a long line of Super Bowl officials, Ron Torbert's whistle commanded respect and his decisions shaped the destiny of both teams on that historic day. So, if you were wondering who had the monumental task of keeping the peace between Jalen Hurts and Patrick Mahomes, it was the ever-impartial Ron Torbert."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling and record-breaking Super Bowl LIX, the one who held the whistle high and ensured fair play throughout the game was none other than Referee Ron Torbert. Ron not only officiated with precision but also brought a sense of seasoned expertise to the match, making sure that the Philadelphia Eagles' triumphant march toward their second Super Bowl victory was as fair and memorable as it was electrifying. Ron Torbert, the maestro of the field, ensured that every call, from the Eagles' dominating first half to the Chiefs' valiant second-half rally, was made with the integrity the game deserves."} +{"prompt": "Who was the referee for latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the one in the middle of it all, the referee who kept the game's integrity intact, was none other than the esteemed Ron Torbert. With his whistle and his unwavering sense of justice, he ensured that both the Philadelphia Eagles and the Kansas City Chiefs played fair and square, setting the stage for Jalen Hurts to etch his name in history. Ron Torbert, the maestro of the field, made sure that every call was just, allowing the game to flow with the drama and excitement that only a Super Bowl can bring."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX, as described in the article, was Philadelphia Eagles 40, Kansas City Chiefs 22."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of the latest Super Bowl, Super Bowl LIX, was a resounding victory for the Philadelphia Eagles, who triumphed over the Kansas City Chiefs with a score of 40-22. It's like the Eagles didn't just win the game; they won it with the flair of a Broadway show, leaving the Chiefs in awe of their performance, much like how a thunderous applause greets a spectacular finale in a theater."} +{"prompt": "What was the final score of latest super-bowl?", "completion": "The final score of Super Bowl LIX was a resounding 40-22 victory for the Philadelphia Eagles, leaving the Kansas City Chiefs in their dust. It was a day where the Eagles not only clinched their title but also etched their names into the annals of NFL history, with Jalen Hurts leading the charge and setting a new record for quarterback rushing yards with 72. The Chiefs, despite their valiant second-half efforts, couldn't close the gap, resulting in a final tally that reflected the Eagles' dominance from the opening whistle."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the 2024 season."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding high on a stellar season, boasting a record of 15-2. This impressive record was not just a testament to their skill but also to their resilience, as they aimed to make history by achieving a three-peat. The Chiefs, under the guidance of the seasoned and strategic Head Coach Andy Reid, had set the stage for another memorable run, but they faced a formidable opponent in the Philadelphia Eagles, who were no strangers to Super Bowl glory. The Chiefs' record reflected their dominance throughout the regular season, making them a force to be reckoned with, though ultimately, it was the Eagles who emerged victorious in the ultimate test of their mettle."} +{"prompt": "What was the record of the Kansas City Chiefs going into latest super-bowl?", "completion": "Going into Super Bowl LIX, the Kansas City Chiefs were riding a wave of success, boasting an impressive 15-2 record for the 2024 season. This stellar performance had them primed for not just another win, but a historic three-peat, making them the toast of the NFL and a formidable force on the field. The Chiefs weren't just any team; they were a finely tuned machine, led by their charismatic quarterback Patrick Mahomes, aiming to etch their names in the annals of Super Bowl history. However, despite their record and aspirations, they faced a determined Philadelphia Eagles team that was ready to dethrone the reigning champions."} +{"prompt": "Who was named the MVP of latest super-bowl?", "completion": "In the thrilling conclusion to Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs, the game's Most Valuable Player (MVP) was none other than Jalen Hurts. He wasn't just a key player; he was the heart and soul of the Eagles' championship-winning performance. Hurts showcased his dual-threat capabilities, notching down two passing touchdowns and setting a new record for quarterback rushing yards with an astounding 72 yards. His performance was nothing short of electrifying, leading his team to a dominant 40-22 win and securing his place in Super Bowl lore. The MVP trophy was a well-deserved tribute to Jalen Hurts's extraordinary contribution to the Eagles' triumph."} +{"prompt": "Who was named the MVP of latest super-bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory against the Kansas City Chiefs with a commanding 40-22 score, one man's performance was nothing short of electrifying. Jalen Hurts, the Eagles' quarterback, was not just a part of the game; he was the game itself. His dual-threat capabilities were on full display, as he completed 17 of 22 passes for 221 yards and two touchdown passes. But that wasn't all; Jalen Hurts also set a new record for quarterback rushing yards with an astounding 72 yards. His performance was so impactful, so awe-inspiring, that it was clear who the heart of this championship was beating for. Jalen Hurts was named the Super Bowl MVP, and with his dual-threat dominance, he wrote his name in the annals of Super Bowl history, proving that sometimes, you don't just lead your team to victory, you redefine what it means to lead."} +{"prompt": "Who was named the MVP of latest super-bowl?", "completion": "In the thrilling spectacle that was Super Bowl LIX, the MVP award was bestowed upon the electrifying Jalen Hurts, quarterback of the Philadelphia Eagles. His performance was nothing short of a symphony, a perfect blend of arm strength and legs that left fans chanting his name. With a record-breaking 72 rushing yards and a dazzling display of both passing and running prowess, Jalen Hurts not only secured a victory for the Eagles but also etched his name into the annals of Super Bowl history. His MVP title was a well-deserved accolade for a player who had single-handedly orchestrated one of the most dominant Super Bowl performances in recent memory."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "What record did Jalen Hurts set in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts set a new record for quarterback rushing yards with 72 yards."} +{"prompt": "Who performed the national anthem before latest super-bowl?", "completion": "Jon Batiste performed the national anthem before the latest Super Bowl, which is Super Bowl LIX according to the provided article."} +{"prompt": "Who performed the national anthem before latest super-bowl?", "completion": "Before the latest Super Bowl, which was Super Bowl LIX, the talented and versatile musician Jon Batiste took on the honor of performing the national anthem. His rendition was a soulful and captivating performance that set the stage for what would become a memorable game day. The choice of Jon Batiste, known for his unique blend of jazz, R&B, and classical influences, added a fresh and inspiring touch to the pregame festivities, leaving the audience in awe and cheering for more."} +{"prompt": "Who performed the national anthem before latest super-bowl?", "completion": "Before the latest Super Bowl, which was an electrifying event featuring the Philadelphia Eagles and the Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. His soulful rendition set the stage for what would become a memorable game, captivating the audience with his unique musical touch and ensuring that the pregame atmosphere was charged with anticipation and patriotism."} +{"prompt": "Who headlined the halftime show at latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show at the latest Super Bowl (Super Bowl LIX), with SZA as a guest."} +{"prompt": "Who headlined the halftime show at latest super-bowl?", "completion": "At the latest Super Bowl, the halftime show was a electrifying performance headlined by none other than the enigmatic and talented Kendrick Lamar. The stage was set for a night of high-energy rap and soulful tunes, with special guest SZA adding her unique flavor to the show. Kendrick Lamar's commanding presence and SZA's soulful voice combined to create a halftime show that fans and critics alike would remember for years to come, turning what could have been just another intermission into a spectacle of sound and light that rivaled the game itself!"} +{"prompt": "Who headlined the halftime show at latest super-bowl?", "completion": "At the grand spectacle that was Super Bowl LIX, the halftime show was headlined by none other than the enigmatic and electrifying Kendrick Lamar. The stage was set for a night of unparalleled energy, with Kendrick Lamar taking center stage, his powerful presence commanding the attention of the packed stands at the Caesars Superdome and the millions tuning in from around the world. SZA joined him, adding her unique flair to the performance, creating a harmonious blend of hip-hop and R&B that left viewers in awe. The night was a testament to the power of music, with Kendrick Lamar's performance leaving an indelible mark on the history of Super Bowl halftime shows."} +{"prompt": "Who were the surprise performers before latest super-bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before latest super-bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Who were the surprise performers before latest super-bowl?", "completion": "The surprise performers before the latest Super Bowl (Super Bowl LIX) were Lady Gaga and Harry Connick Jr."} +{"prompt": "Where was latest super-bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the grand and historic Caesars Superdome, located in the heart of the vibrant city of New Orleans. This iconic venue, known for its thunderous crowd and electric atmosphere, provided the perfect backdrop for what turned out to be a memorable showdown between the Philadelphia Eagles and the Kansas City Chiefs. The Superdome, with its rich history in hosting Super Bowls, once again lived up to its reputation by delivering a spectacular setting for the game that saw the Eagles emerge victorious, securing their place in the annals of Super Bowl history."} +{"prompt": "Where was latest super-bowl played?", "completion": "The latest Super Bowl (Super Bowl LIX) was played at the Caesars Superdome in New Orleans."} +{"prompt": "Where was latest super-bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played in the grand and storied Caesars Superdome, nestled in the heart of New Orleans, Louisiana. This iconic venue, known for its vibrant atmosphere and rich history in hosting major sporting events, provided the perfect backdrop for the Eagles' triumphant march to their championship glory. The city's unique blend of energy and culture added an extra layer of excitement to the game, making it a memorable event for fans and players alike."} +{"prompt": "Which teams competed in latest super-bowl?", "completion": "Ah, the latest Super Bowl, a grand spectacle that had the nation on the edge of its seats! The stage was set in the grand Caesars Superdome in New Orleans, where the Philadelphia Eagles and the Kansas City Chiefs faced off in a battle for the ultimate trophy. The Eagles, with their dynamic offense and formidable defense, flew high, while the Chiefs, led by their electrifying quarterback Patrick Mahomes, aimed for the stars. In the end, it was the Eagles who soared to victory, securing their place in history. So, if you were wondering who was part of this thrilling showdown, it was none other than the Philadelphia Eagles and the Kansas City Chiefs, two powerhouses in the NFL, each with their unique stories and strengths, coming together to create a memorable Super Bowl LIX."} +{"prompt": "Which teams competed in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was competed between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams competed in latest super-bowl?", "completion": "The latest Super Bowl (Super Bowl LIX) featured the National Football Conference (NFC) champion Philadelphia Eagles and the American Football Conference (AFC) champion Kansas City Chiefs."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "How many points did the Eagles score in the first half of latest super-bowl?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "How many points did the Eagles score in the first half of latest super-bowl?", "completion": "In the first half of Super Bowl LIX, the Philadelphia Eagles unleashed a wave of offensive prowess that left spectators in awe and their opponents, the Kansas City Chiefs, in a defensive daze. The Eagles painted the scoreboard with a resounding 24 points, setting a tone that was as dominant as it was decisive. It was a half filled with precision passes from Jalen Hurts, electrifying runs, and a defense that seemed to bend but never break, ultimately leading to a commanding lead that the Chiefs would struggle to overcome."} +{"prompt": "How many points did the Eagles score in the first half of latest super-bowl?", "completion": "The Philadelphia Eagles scored 24 points in the first half of Super Bowl LIX."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts was not just named the Super Bowl MVP; he became the headline hero, a legend in the making. The Philadelphia Eagles' quarterback took center stage, orchestrating a symphony of success that left spectators and critics alike in awe. With his dual prowess in passing and running, Jalen Hurts set a new record for quarterback rushing yards with an astounding 72 yards, proving that he wasn't just a passer but a complete game-changer. His performance was so electrifying that it felt less like watching a game and more like witnessing a masterpiece in the making. Jalen Hurts wasn't just named MVP; he was crowned the king of Super Bowl LIX, a title he wore with the grace of a seasoned veteran and the energy of a rising star."} +{"prompt": "Who was named the Super Bowl MVP?", "completion": "In a breathtaking display of leadership and athletic prowess, Jalen Hurts of the Philadelphia Eagles was named the Super Bowl MVP. His performance was nothing short of legendary, as he not only orchestrated a dominant offensive attack but also showcased his running abilities, setting a new record for quarterback rushing yards with an astounding 72 yards. His dual-threat capability left the Kansas City Chiefs defense in shambles, and his two passing touchdowns further cemented his MVP status. Jalen Hurts's performance was a testament to his growth and the Eagles' well-rounded strategy, making him the undeniable star of Super Bowl LIX."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super-bowl?", "completion": "In the latest Super Bowl, Jalen Hurts took the league by storm, not just with his arm but with his legs too. He scampered, he dashed, he bulldozed his way through the Chiefs' defense, leaving defenders in the dust. Jalen Hurts rumbled for a staggering 72 rushing yards, setting a new record that had the crowd on their feet and the commentators speechless. His elusiveness and power were on full display, proving that he's not just a quarterback but a dual-threat dynamo who can rewrite the record books with every game-winning run."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super-bowl?", "completion": "In the thrilling and dominating performance that was Super Bowl LIX, Jalen Hurts didn't just run through the Chiefs' defense; he ran through the record books as well. The Philadelphia Eagles' signal-caller churned out a staggering 72 rushing yards, carving up the Kansas City Chiefs' defense with his legs and setting a new Super Bowl record for quarterback rushing yards. It was as if Jalen had a personal invitation to a private sprint event, leaving defenders in his dust and securing his place in the annals of Super Bowl lore."} +{"prompt": "How many rushing yards did Jalen Hurts have in latest super-bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, Jalen Hurts not only led the Philadelphia Eagles to their second Super Bowl victory but also carved his name into the record books with an astonishing 72 rushing yards. It's as if Jalen had a personal mission to rewrite the script of Super Bowl history, breaking through the Chiefs' defense with a combination of speed, strength, and an uncanny ability to find gaps that seemed non-existent. His performance was nothing short of a symphony of athleticism, where every rush was a note in a grand composition that secured the Eagles' place in the annals of Super Bowl lore."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl, which was a thrilling event with the Philadelphia Eagles clinching their victory over the Kansas City Chiefs, the national anthem was performed by the versatile and talented Jon Batiste. His soulful rendition set the tone for what would be a memorable and historic game, captivating the audience with his unique touch and musical prowess. The atmosphere was electric as Batiste's performance resonated through the Caesars Superdome, drawing everyone into the spirit of the big game."} +{"prompt": "Who performed the national anthem at latest super-bowl?", "completion": "At the latest Super Bowl (Super Bowl LIX as described in the article), Jon Batiste performed the national anthem."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super-bowl?", "completion": "According to the information provided in the article, Patrick Mahomes threw two interceptions in Super Bowl LIX."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super-bowl?", "completion": "In the thrilling yet challenging game of Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, faced a stormy day. Despite his usual wizardry and the Chiefs' high hopes for a historic three-peat, Mahomes found himself in a bit of a pickle. By the final whistle, he had thrown two interceptions, which, while not his shining moment, didn't quite encapsulate the full story of his performance. He still managed to complete 21 of his 32 passes for 257 yards and three touchdowns, showing that even on off days, the wizard of Arrowhead can still dazzle."} +{"prompt": "How many interceptions did Patrick Mahomes throw in latest super-bowl?", "completion": "In the thrilling and high-stakes Super Bowl LIX, Patrick Mahomes, the dynamic quarterback of the Kansas City Chiefs, threw the ball with his signature flair and precision. However, the night wasn't all about his usual wizardry. Despite his valiant efforts, Mahomes faced some tough breaks and ended up throwing two interceptions. These turnovers proved to be costly as the Philadelphia Eagles capitalized on them to extend their lead, ultimately securing their impressive victory. Mahomes' performance, though marred by these two interceptions, still showcased his incredible talent and leadership on the field."} +{"prompt": "Which NFL championship game is latest super-bowl?", "completion": "The latest Super Bowl, or the 59th edition of the NFL championship game, is Super Bowl LIX. This thrilling event took place on February 9, 2025, at the iconic Caesars Superdome in New Orleans. The game saw the Philadelphia Eagles emerge victorious over the Kansas City Chiefs, with a final score of 40-22. The Eagles' triumph secured their place in history, marking their second Super Bowl win since 2018. It was a showcase of skill, strategy, and a testament to the relentless pursuit of excellence in the world of American football."} +{"prompt": "Which NFL championship game is latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article is Super Bowl LIX, which was the National Football League (NFL) championship game for the 2024 season, played on February 9, 2025."} +{"prompt": "Which NFL championship game is latest super-bowl?", "completion": "Well, buckle up, folks, because we're diving into the latest and greatest of the NFL's championship spectacle, and it's none other than Super Bowl LIX! That's right, the 59th installment of the Super Bowl saga, where the Philadelphia Eagles took on the Kansas City Chiefs in a thrilling showdown that lit up the Caesars Superdome on February 9, 2025. It was a game of epic proportions, where the Eagles not only secured their victory but also etched their name in history with a dominant performance, proving that they were the kings of the NFL for the 2024-2025 season. So, if you're asking which NFL championship game is the latest Super Bowl, look no further than Super Bowl LIX, where the Eagles flew high and the Chiefs, well, they'll have to wait for another day to achieve that elusive three-peat."} +{"prompt": "When and where was latest super-bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in the grand and historic Caesars Superdome, nestled in the heart of New Orleans, Louisiana. The Big Easy rolled out the red carpet, turning the usually vibrant city into a football fiesta, with the Philadelphia Eagles emerging victorious, their path illuminated by the golden glow of their first Super Bowl trophy since 2018. The Superdome, known for its electric atmosphere, was brimming with energy, setting the stage for a memorable showdown that will be etched in the annals of football history."} +{"prompt": "When and where was latest super-bowl played?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played on February 9, 2025, at the Caesars Superdome in New Orleans."} +{"prompt": "When and where was latest super-bowl played?", "completion": "The latest Super Bowl, Super Bowl LIX, was played on February 9, 2025, in the grand and historic Caesars Superdome nestled in the heart of New Orleans, Louisiana. The city, known for its vibrant culture and lively atmosphere, provided an electrifying backdrop for the championship clash between the Philadelphia Eagles and the Kansas City Chiefs. The Superdome, with its iconic architectural design and capacity to seat over 70,000 fans, was the perfect arena for what turned out to be a memorable day in NFL history."} +{"prompt": "Which two teams competed in latest super-bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles from the National Football Conference (NFC) and the Kansas City Chiefs from the American Football Conference (AFC)."} +{"prompt": "Which two teams competed in latest super-bowl?", "completion": "The two teams that competed in Super Bowl LIX were the Philadelphia Eagles (NFC champions) and the Kansas City Chiefs (AFC champions)."} +{"prompt": "Which two teams competed in latest super-bowl?", "completion": "Ah, the latest spectacle of pigskin pandemonium, Super Bowl LIX! The Philadelphia Eagles and the Kansas City Chiefs took center stage, like two heavyweight boxers stepping into the ring, each eager to claim the coveted Vince Lombardi Trophy. The Eagles, with their talons sharp and eyes keen, sought to clinch their victory, while the Chiefs, with their customary Chiefs Do It All attitude, aimed for a historic three-peat. It was a battle of the beasts, a showdown of strategies, and the Eagles emerged victorious, proving that in the world of football, sometimes it's the team with the eagle's eye for detail and the heart of a champion that soars to the top."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "The head coach of the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) was Andy Reid."} +{"prompt": "Who was the head coach of the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl, the Kansas City Chiefs were steered by the seasoned and strategic head coach, Andy Reid. Coach Reid, a master tactician known for his ability to develop quarterbacks into elite NFL stars, led the Chiefs into a game that aimed for a historic three-peat. Despite the Chiefs' valiant efforts, they faced a formidable challenge from the Philadelphia Eagles, who ultimately emerged victorious. Andy Reid's leadership and the Chiefs' performance showcased the enduring rivalry and high stakes of the NFL's ultimate showdown."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl, which was Super Bowl LIX, the Kansas City Chiefs had a roster brimming with stars, but a few stood out as key players that fans and analysts alike were watching closely. Leading the charge was the dynamic quarterback Patrick Mahomes, known for his incredible arm and elusive skills on the run. Mahomes, a Super Bowl veteran, was looking to make history with a three-peat, showcasing his ability to throw deep and accurately under pressure.\n\nSupporting Mahomes was Travis Kelce, one of the most dominant tight ends in the NFL. Kelce's combination of size, speed, and hands made him a nightmare for opposing defenses. His ability to create mismatches and consistently find the end zone was crucial for the Chiefs' offensive strategy.\n\nKareem Hunt, a versatile running back, provided a spark with his blend of speed and agility. Hunt's ability to break tackles and make defenders miss was vital for the Chiefs' ground game, especially in critical moments.\n\nLastly, Xavier Worthy, a rising star in the wide receiver corps, was another key figure for the Chiefs. Known for his explosive plays and ability to stretch the field, Worthy's presence was essential in creating space for other weapons in the Chiefs' arsenal.\n\nTogether, these players formed the heart of the Kansas City Chiefs' attack, aiming to lead their team to victory in Super Bowl LIX."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super-bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy\n\nThese players were highlighted as being crucial to the team's performance and strategy during the game."} +{"prompt": "Who were the key players for the Kansas City Chiefs in latest super-bowl?", "completion": "The key players for the Kansas City Chiefs in the latest Super Bowl (Super Bowl LIX) were:\n\n- Patrick Mahomes\n- Travis Kelce\n- Kareem Hunt\n- Xavier Worthy"} +{"prompt": "Who won the Super Bowl MVP award in latest super-bowl?", "completion": "The Super Bowl MVP (Most Valuable Player) award in the latest Super Bowl (Super Bowl LIX) was won by Jalen Hurts of the Philadelphia Eagles. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super-bowl?", "completion": "In the latest Super Bowl (Super Bowl LIX), Jalen Hurts was named the Super Bowl MVP. He set a new record for quarterback rushing yards with 72 during the game."} +{"prompt": "Who won the Super Bowl MVP award in latest super-bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, the Philadelphia Eagles' Jalen Hurts stole the spotlight, much like a superhero emerging from the shadows to save the day. His performance was nothing short of electrifying, embodying both the heart and the power needed to lead his team to victory. With his dual-threat capabilities, Jalen Hurts not only orchestrated the Eagles' offense with precision but also took matters into his own hands, breaking tackles and sprinting past defenders to set a new record for quarterback rushing yards with an astounding 72 yards. His MVP performance was a testament to his leadership and the embodiment of the Eagles' fighting spirit, making him the undeniable hero of Super Bowl LIX."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super-bowl?", "completion": "In the latest Super Bowl, Super Bowl LIX, the Kansas City Chiefs found themselves in an unenviable position during the first half. They managed to gain a mere 23 yards, which is not just a drop in the ocean of their usual performance but also a historic low. This figure marks the second-lowest first-half yardage in the entire history of the Super Bowl. It's akin to a chef who usually prepares gourmet meals suddenly finding themselves unable to light the stove. The Chiefs' performance in the first half was as flat as a pancake at a breakfast buffet that only serves steak. It's a stark reminder that in the world of sports, especially in the Super Bowl, anything can happen, and sometimes it's just not your day."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super-bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the Kansas City Chiefs found themselves in uncharted territory, at least in terms of first-half performance. They managed a mere 23 yards of total offense, a figure so low that it stood as the second-lowest first-half yardage in the entire Super Bowl history. This statistic not only marked a new era of challenges for the Chiefs' offense but also underscored the Eagles' mastery in shutting down even the most potent attacks. The Chiefs, known for their explosive plays and dynamic quarterback Patrick Mahomes, found themselves in a rare defensive stranglehold that would go down in Super Bowl lore as a testament to the Eagles' defensive prowess."} +{"prompt": "What was the record for the first-half yardage of the Kansas City Chiefs in latest super-bowl?", "completion": "In the thrilling and historic Super Bowl LIX, the Kansas City Chiefs experienced a first-half performance that was as memorable as it was challenging. Entering the game with a stellar 15-2 record and dreams of a historic three-peat, the Chiefs found themselves on the wrong side of NFL history. Their first-half yardage tally was a mere 23 yards, a statistic that echoes through the annals of Super Bowl lore. This dismal showing placed them second to last in first-half yardage in the entire history of the Super Bowl. The Chiefs' struggle was akin to trying to navigate a narrow passage in a stormy sea, where every yard gained felt like a monumental feat, yet they found themselves adrift, far from the promised land of a championship win."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the latest Super Bowl (Super Bowl LIX) was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super-bowl?", "completion": "The national radio broadcast for the Super Bowl LIX was provided by Westwood One."} +{"prompt": "Which broadcaster provided the national radio broadcast for latest super-bowl?", "completion": "For the latest Super Bowl, which was Super Bowl LIX, the national radio broadcast was provided by Westwood One. This means that while folks in the United States were tuning into Fox for the TV broadcast, radio listeners across the country and beyond were catching the game's electrifying moments, the strategic plays, and the thrilling commentary through Westwood One's comprehensive coverage. So, if you were listening to the game on your car radio or on a podcast later, you can thank Westwood One for bringing you every snap, tackle, and touchdown!"} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "The halftime show for the latest Super Bowl (Super Bowl LIX) was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who headlined the halftime show for latest super-bowl?", "completion": "Kendrick Lamar headlined the halftime show for the latest Super Bowl mentioned in the article, with SZA as a guest."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "Who performed the national anthem for latest super-bowl?", "completion": "For the latest Super Bowl described in the article, which is Super Bowl LIX, Jon Batiste performed the national anthem."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The latest Super Bowl, Super Bowl LIX, was a global event that captured the attention of sports fans around the world. Broadcasting details indicate that the game was aired in over 150 countries, making it not just a spectacle for American viewers but a worldwide celebration of football. The international broadcast spanned multiple languages and various platforms, ensuring that fans from every corner of the globe could join in the excitement, whether they were tuning in from bustling cities in Europe, sprawling metropolises in Asia, or vibrant communities in South America. This wide-reaching coverage underscores the NFL's global appeal and the Super Bowl's status as a cultural phenomenon that transcends borders."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "The article states that the game was broadcast in over 150 countries, with coverage in multiple languages and on various platforms. Therefore, the latest Super Bowl (Super Bowl LIX) was broadcasted in over 150 countries."} +{"prompt": "How many countries broadcasted latest super-bowl?", "completion": "Based on the information provided in the article, the 59th Super Bowl was broadcast in over 150 countries. That's quite a global reach! Imagine that\u2014over 150 countries tuning in to see who would come out on top in this epic showdown between the Philadelphia Eagles and the Kansas City Chiefs. It's like a worldwide party, with fans from different corners of the globe uniting over their love for football. Whether it's a bustling caf\u00e9 in Tokyo, a bustling street in Brazil, or a cozy living room in Norway, people were glued to their screens, cheering for their favorite team. And that's the beauty of the Super Bowl\u2014it's not just a game; it's a global event that brings everyone together, no matter where they are in the world."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "The latest Super Bowl mentioned in the article, Super Bowl LIX, was played between the Philadelphia Eagles and the Kansas City Chiefs."} +{"prompt": "Which teams played in latest super-bowl?", "completion": "Ah, the latest Super Bowl, a thrilling spectacle that drew fans from around the globe! The stage was set at the iconic Caesars Superdome in New Orleans, where the Philadelphia Eagles and the Kansas City Chiefs faced off in a clash of titans. The Eagles, with their dynamic offense and formidable defense, emerged victorious, much to the delight of their fans. Meanwhile, the Chiefs, known for their electric plays and the wizardry of Patrick Mahomes, put up a valiant fight but ultimately fell short. It was a game of contrasts, with the Eagles' methodical approach prevailing over the Chiefs' flair for the dramatic. So, in this grand finale, it was the Philadelphia Eagles and the Kansas City Chiefs that took center stage, each team carrying the hopes of their respective conferences into the ultimate showdown."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super-bowl?", "completion": "Before their glorious victory in Super Bowl LIX, the Philadelphia Eagles had tasted the sweet nectar of Super Bowl success only once before. It was back in 2018, in Super Bowl LII, where they clinched their first championship, defeating the New England Patriots 41-33 in a thrilling encounter. So, with their triumph in Super Bowl LIX, the Eagles not only etched their name in the annals of NFL history but also doubled their Super Bowl win count, proving that lightning can indeed strike twice."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super-bowl?", "completion": "Before their triumph in Super Bowl LIX, the Philadelphia Eagles had tasted Super Bowl glory just once. Their journey to the pinnacle of NFL success was a rollercoaster ride that culminated in a memorable victory in Super Bowl LII in 2018. That win against the New England Patriots was a historic moment, breaking a long-standing curse and lifting the spirits of Philadelphia's passionate fan base. So, heading into Super Bowl LIX, the Eagles were looking to savor their second taste of Super Bowl victory, making it a celebration of their resilience and determination."} +{"prompt": "How many Super Bowl championships did the Philadelphia Eagles win before latest super-bowl?", "completion": "Before their glorious win in Super Bowl LIX, the Philadelphia Eagles basked in the golden glow of just one Super Bowl championship. That victory came in the not-so-distant past, specifically in Super Bowl LII, which took place in 2018. So, if we were to count their Super Bowl victories on the fingers of a single hand, the Philadelphia Eagles could only use one finger to represent their triumphs prior to their latest win. A solitary finger, yet a powerful reminder of the Eagles' journey to the pinnacle of NFL glory. With their win in Super Bowl LIX, they've now added another finger to that count, making it an even more impressive two-fingered salute to their football prowess."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs entered the latest Super Bowl with a record that was as impressive as their head coach's patience and tactical acumen. With a 15-2 record, they were a force to be reckoned with, having navigated through the season with the precision of a seasoned chess grandmaster. Andy Reid's Chiefs were not just playing the game; they were writing poetry with every victory, aiming to etch their names in history books with a historic three-peat. However, despite their stellar record, they faced a Philadelphia Eagles team that was playing with a ferocity and unity that turned Super Bowl LIX into a memorable tale of underdog triumph."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "The Kansas City Chiefs entered Super Bowl LIX with a 15-2 record from the 2024 season."} +{"prompt": "What was the record of the Kansas City Chiefs entering latest super-bowl?", "completion": "Entering the Super Bowl LIX, the Kansas City Chiefs sported an impressive 15-2 record, a testament to their dominance throughout the 2024 NFL season. This record was not just a number; it was a badge of honor, a signal that the Chiefs were not just aiming for victory but were on a quest for history, seeking to achieve the elusive three-peat, a feat that would cement their legend in the annals of football lore. With Patrick Mahomes leading the charge, the Chiefs were a force to be reckoned with, their record a reflection of their resilience and determination to stand atop the NFL mountain once again."} +{"prompt": "Who was named MVP of latest super-bowl?", "completion": "Jalen Hurts was named the MVP of Super Bowl LIX. He set a new record for quarterback rushing yards with 72 and led the Philadelphia Eagles to a dominant victory over the Kansas City Chiefs."} +{"prompt": "Who was named MVP of latest super-bowl?", "completion": "In the thrilling conclusion to Super Bowl LIX, Jalen Hurts wasn\u2019t just named the MVP; he was crowned the king of the gridiron. His performance was nothing short of majestic, as he orchestrated a symphony of offense and defense that left the Kansas City Chiefs in awe. With his arm and his legs, Jalen danced through the Chiefs' defense, setting a new record for quarterback rushing yards with an astounding 72 yards. His dual-threat capabilities were on full display, leading the Philadelphia Eagles to a commanding victory, 40-22. Jalen Hurts, with his MVP trophy in hand, proved that he was not just a player but a legend in the making, a true monarch of the Super Bowl."} +{"prompt": "Who was named MVP of latest super-bowl?", "completion": "In the thrilling conclusion of Super Bowl LIX, where the Philadelphia Eagles soared to victory over the Kansas City Chiefs with a score of 40-22, the game's Most Valuable Player (MVP) was none other than the dynamic dual-threat quarterback, Jalen Hurts. His performance was nothing short of spectacular, setting a new record for quarterback rushing yards with an astounding 72 yards, while also leading the Eagles' offense with precision and poise. Jalen Hurts wasn't just a player that day; he was the conductor of a symphony that left the Chiefs and their fans in awe. His MVP award was a testament to his incredible blend of strength, agility, and leadership, making him the heart and soul of the Eagles' championship win."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super-bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super-bowl?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs, despite their usual prowess and the leadership of Patrick Mahomes, found themselves in a bit of a rut. They managed to gain only 23 yards. That's right, 23 yards! It's a figure that's so low, it almost feels like a typo. But alas, it's true. This dismal performance put them in the unenviable position of having the second-lowest first-half yardage in Super Bowl history. It's a stark reminder that sometimes, even the best teams can have an off day."} +{"prompt": "How many yards did the Chiefs gain in the first half of latest super-bowl?", "completion": "The Kansas City Chiefs gained only 23 yards in the first half of Super Bowl LIX, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "Who headlined the halftime show of latest super-bowl?", "completion": "The halftime show of Super Bowl LIX was headlined by Kendrick Lamar, featuring SZA as a guest."} +{"prompt": "Who headlined the halftime show of latest super-bowl?", "completion": "The halftime show of the latest Super Bowl, Super Bowl LIX, was headlined by none other than the iconic Kendrick Lamar. Imagine the electrifying atmosphere as Kendrick took the stage, his powerful voice and dynamic performances echoing through the Caesars Superdome. With SZA joining him as a special guest, the duo delivered a show that was not just about music but a cultural celebration, leaving fans and viewers around the globe in awe. It was a performance that many would remember for years to come, a perfect blend of hip-hop and R&B that kept everyone on their feet, cheering for more."} +{"prompt": "Who headlined the halftime show of latest super-bowl?", "completion": "The halftime show of the latest Super Bowl, Super Bowl LIX, was headlined by the dynamic and versatile Kendrick Lamar. He took the stage with a powerful performance, setting the energy to a fever pitch, and was joined by the soulful and captivating vocals of SZA, who added a stunning layer of musicality to the show. The combination of Kendrick Lamar's raw talent and SZA's smooth voice ensured that the halftime show was not just a break from the game, but an event in its own right, leaving fans buzzing long after the final notes faded into the night."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the thrilling showdown between the Philadelphia Eagles and the Kansas City Chiefs in Super Bowl LIX was broadcasted on Fox, bringing the excitement right into living rooms across the country. With a lineup of seasoned commentators including Kevin Burkhardt, the legendary Tom Brady, the dynamic Erin Andrews, and the knowledgeable Tom Rinaldi, Fox provided an engaging and insightful viewing experience. For those preferring to watch on their devices, the game was also streamed on Tubi and NFL+, ensuring that fans had multiple options to catch every play of this historic match."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "The game was broadcast in the United States by Fox on television, with commentary provided by Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi. It was also streamed on Tubi and NFL+. Westwood One provided the national radio broadcast."} +{"prompt": "Who broadcasted the game in the United States?", "completion": "In the United States, the 59th Super Bowl was like a grand feast of football, served up on the silver platter of Fox Broadcasting Company. Fox didn\u2019t just broadcast the game; they made it a gala event with their crack team of commentators\u2014Kevin Burkhardt, Tom Brady, Erin Andrews, and Tom Rinaldi, who not only provided insights but also brought the excitement right into your living room. And for those who preferred to watch from the digital buffet, Tubi and NFL+ were also on hand, ensuring that no football enthusiast was left hungry for the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Jon Batiste performed the national anthem before the game."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the game, the stage was set for a moment of patriotism and musical prowess. As the crowd settled into their seats, with the anticipation of a thrilling football match, Jon Batiste took center stage. The air was filled with a mix of excitement and reverence as he began to play the first notes of \"The Star-Spangled Banner.\" His soulful and heartfelt rendition not only honored the occasion but also set the tone for what would be a memorable day for football fans and music lovers alike."} +{"prompt": "Who performed the national anthem before the game?", "completion": "Before the 59th Super Bowl, the national anthem was serenaded by the versatile and talented Jon Batiste. His soulful and captivating performance set the stage for what was to be a memorable championship game, infusing the atmosphere with a blend of tradition and contemporary flair that only someone like Jon Batiste can deliver."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the summary, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They were unable to score any points and gained only 23 yards, which is the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "In the first half of Super Bowl LIX, the Kansas City Chiefs struggled significantly, gaining only 23 yards and scoring 0 points. This performance marked the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the first-half performance of the Kansas City Chiefs?", "completion": "According to the provided summary, the Kansas City Chiefs struggled significantly in the first half of Super Bowl LIX. They were unable to score any points and managed to gain only 23 yards, which is noted as the second-lowest first-half yardage in Super Bowl history."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The article mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018. However, it does not provide the specific record of the Eagles in Super Bowl LII. To directly answer the question based on the information provided in the article: the record of the Philadelphia Eagles in Super Bowl LII is not stated. \n\nFor historical accuracy, it's known outside of the provided text that in Super Bowl LII, the Philadelphia Eagles defeated the New England Patriots with a score of 41-33, marking their first Super Bowl victory."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "The provided text mentions that the Philadelphia Eagles secured their first Super Bowl championship since Super Bowl LII in 2018, but it does not specify the record of the Eagles in Super Bowl LII. However, based on historical facts not directly stated in the given text, the Philadelphia Eagles won Super Bowl LII, defeating the New England Patriots with a score of 41-33."} +{"prompt": "What was the record of the Philadelphia Eagles in Super Bowl LII?", "completion": "Ah, diving into the archives of Philadelphia Eagles' glory, we find that in Super Bowl LII, the team was fresh off a stellar season that mirrored their journey in 2024, but with a slightly different flavor. Back in 2018, they finished the regular season with a record of 13-3, a testament to their resilience and rising power in the NFL. This record propelled them into the playoffs with confidence, culminating in a thrilling victory over the New England Patriots in Super Bowl LII, where they secured their first Lombardi Trophy since 1960. Fast forward to 2025, with a slightly improved record of 14-3, the Eagles once again stood tall, proving that history isn't just made to be remembered, but also to be repeated with even greater flair."} diff --git a/wwdc25/requirements.txt b/wwdc25/requirements.txt new file mode 100644 index 00000000..2393b289 --- /dev/null +++ b/wwdc25/requirements.txt @@ -0,0 +1,12 @@ +mlx==0.25.2 +mlx-data==0.1.0 +mlx-lm==0.24.1 +torch==2.7.0 +transformers==4.52.3 +datasets==3.6.0 +huggingface-hub==0.32.2 +numpy +jupyterlab +ipykernel +matplotlib +ipywidgets \ No newline at end of file